├── .DS_Store ├── README.md ├── baseline ├── .DS_Store ├── README.md ├── bert_model.py ├── common │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── __init__.cpython-37.pyc │ │ ├── instance.cpython-36.pyc │ │ ├── instance.cpython-37.pyc │ │ ├── sentence.cpython-36.pyc │ │ ├── sentence.cpython-37.pyc │ │ ├── span.cpython-36.pyc │ │ └── span.cpython-37.pyc │ ├── instance.py │ └── sentence.py ├── config │ ├── .DS_Store │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── __init__.cpython-37.pyc │ │ ├── config.cpython-36.pyc │ │ ├── config.cpython-37.pyc │ │ ├── eval.cpython-36.pyc │ │ ├── eval.cpython-37.pyc │ │ ├── reader.cpython-36.pyc │ │ ├── reader.cpython-37.pyc │ │ ├── utils.cpython-36.pyc │ │ └── utils.cpython-37.pyc │ ├── config.py │ ├── eval.py │ ├── reader.py │ └── utils.py ├── model │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── __init__.cpython-37.pyc │ │ ├── bilstm_encoder.cpython-37.pyc │ │ ├── charbilstm.cpython-37.pyc │ │ ├── linear_crf_inferencer.cpython-36.pyc │ │ ├── linear_crf_inferencer.cpython-37.pyc │ │ └── neuralcrf.cpython-37.pyc │ └── linear_crf_inferencer.py ├── run.sh ├── train_model.py └── utils.py ├── data ├── .DS_Store ├── test │ ├── TestLabel.json │ └── test.txt ├── train.txt ├── train_dict │ ├── .DS_Store │ ├── NUM.txt │ ├── PER.txt │ └── TV.txt └── valid.txt └── submission ├── TestData.json ├── ValidLabel.json ├── YourTeamName.json └── eval.py /.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/.DS_Store -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | 2 | # NLPCC-2020 Shared Task on AutoIE 3 | 4 | ## Leaderboard 5 | 6 | | Rank | TeamName | Organization | F1-score | 7 | | --- | :--- | :---: | ---: | 8 | | 1 | Sophie | 搜狗杭州研究院知识图谱组 | 85.00 | 9 | | 2 | Hair Loss Knight | 美团点评NLP中心 | 84.87 | 10 | | 3 | Hermers | 武汉汉王大数据 | 84.75 | 11 | | 4 | augmented_autoner | PATech | 82.88 | 12 | | 5 | 一只小绵羊 | 北京语言大学 | 82.78 | 13 | | 6 | STAM | 中国科学院信息工程研究所 | 82.50 | 14 | | 7 | BUTAUTOJ | 北京工业大学信息学部 | 80.91 | 15 | | 8 | Circle | 北京林业大学 | 80.80 | 16 | | 9 | yunke_ws | 加拿大皇后大学 | 80.34 | 17 | | 10 | AI surfing | Nanjing University of Posts and Telecommunications | 80.28 | 18 | | 11 | Yulong | 武汉大学 | 79.52 | 19 | | 12 | 小牛队 | 东北大学自然语言处理实验室 | 78.64 | 20 | | 13 | Auto-IE | 北京航空航天大学计算机系实体抽取组 | 75.20 | 21 | | 14 | AutoIE_ISCAS | Institute of Software, Chinese Academy of Sciences | 74.59 | 22 | | 15 | FIGHTING | 大连民族大学 | 69.75 | 23 | | 16 | ENCH | DCD Lab Zhejiang University | 67.70 | 24 | | 17 | BaselineSystem | NLPCC | 63.98 | 25 | 26 | ## Leaderboard without Valid Data 27 | 28 | | Rank | TeamName | Organization | F1-score | 29 | | --- | :--- | :---: | ---: | 30 | | 1 | Hair Loss Knight | 美团点评NLP中心 | 77.32 | 31 | | 2 | yunke_ws | 加拿大皇后大学 | 71.96 | 32 | | 3 | Hermers | 武汉汉王大数据 | 71.86 | 33 | | 4 | augmented_autoner | PATech | 71.70 | 34 | | 5 | ENCH | DCD Lab Zhejiang University | 70.71 | 35 | | 6 | Circle | 北京林业大学 | 68.59 | 36 | | 7 | 小牛队 | 东北大学自然语言处理实验室 | 65.91 | 37 | | 8 | BaselineSystem | NLPCC | 63.98 | 38 | 39 | ## Background 40 | 41 | Entity extraction is the fundamental problem in language technology, and usually utilized as inputs for many downstream tasks, especially dialogue system, question answering etc. Most previous work focus on the scenario that labelled data is provided for interesting entities, however, the categories of entities are hierarchical and cannot be exhausted, the general solution cannot depend on the hypothesis that enough data with label is given. Therefore, how to build IE system for new entity type under low resource is becoming the common problem for both academic and industry. 42 | 43 | ## Task 44 | 45 | The task is to build IE system with Noise and Incomplete annotations. Given a list of entities of specific type and a unlabelled corpus containing these entity types, the task aims to build an IE system which may recognize and extract the interesting entities of given types. 46 | 47 | Note: 48 | 1. entity is a general concept of named entity in this task. Some words without a specific name are also very important for downstream applications, therefore, they are included in this information extraction task 49 | 2. No human annotation and correction are allowed for train and test dataset. 50 | 3. Dev dataset with full label may be used in the training step in any way. 51 | 52 | ## Data 53 | 54 | The corpus are from caption text of YouKu video. Three categories of information are considered in this task, which are TV, person and series. All data are split into 3 datasets for training, developing and testing. 55 | 56 | Train dataset 57 | 1. Unlabelled corpus containing 10000 samples, the entities are labelled by string matching with the given entity lists. 58 | 2. Entity lists with specific category, which may cover around 30% of entities appearing in the unlabelled corpus 59 | 60 | Dev dataset 61 | 1. 1000 samples with full label 62 | 63 | Test dataset 64 | 1. 2000 samples with full label 65 | 66 | ## Baseline 67 | The evaluation provides a baseline system for participants. The solution is based on the paper "Better Modeling of Incomplete Annotations for Named Entity Recognition", please check the readme file in the baseline folder for more detail 68 | 69 | ## Submission & Evaluation 70 | For submission, please write the prediction result into a single file and email it to Xuefeng Yang (杨雪峰) email:ryan@wezhuiyi.com 71 | 72 | The submission file format should be the same as given YourTeamName.json file under Submission folder. To be specific, each line is a json string containing the prediction result of one sample. 73 | 74 | For evaluation. all the system will be evaluated against 2000 test samples with full annotation. Ranking of submissions are based on the f1 score of these test samples. The test dataset includes 2000 real test samples and 8000 mixed samples, the score is only based on the prediction of the real 2000 samples. 75 | 76 | The test dataset will be provided in 2020/05/15, and each team has three oppotunities to submit their results in the week 05/15--05/20. The results are public available in this github page and ranked by the f1 score. 77 | 78 | ## Organizers: 79 | 80 | Xuefeng Yang (ZhuiYi Technology) 81 | email: ryan@wezhuiyi.com 82 | 83 | Benhong Wu (ZhuiYi Technology) 84 | email: wubenhong@wezhuiyi.com 85 | 86 | Zhanming Jie (Singapore University of Technology and Design) 87 | email: zhanming_jie@mymail.sutd.edu.sg 88 | -------------------------------------------------------------------------------- /baseline/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/.DS_Store -------------------------------------------------------------------------------- /baseline/README.md: -------------------------------------------------------------------------------- 1 | This repository is the baseline for the AutoIE evaluation. The solution is based on the work “Better Modeling of Incomplete Annotations for Named Entity Recognition”。 Different from the implementation in the origin work, we add pretrained language model. Please cite it if you use it. 2 | 3 | ### Requirements 4 | * PyTorch >= 1.1 5 | * Python 3 6 | * tqdm(pip install tqdm) 7 | * transformers(pip install transformers) 8 | * numpy >= 1.16 9 | * termcolor >= 1.1(pip install termcolor) 10 | 11 | 12 | ### Data: 13 | * Please copy all the files and folder under data path in the AutoIE repository into the data folder under this repository. 14 | * Data include the "train_dict", "valid", "train". 15 | * Train_dict: including 3 types entity dict: TV, PER and NUM. 16 | 17 | ### Train model: 18 | * 1.Download the bert pretrained model chinese_wwm_ext released by 哈工大讯飞联合实验室. You can down load it in "https://drive.google.com/open?id=1iNeYFhCBJWeUsIlnW_2K6SMwXkM4gLb_" or "https://pan.iflytek.com/link/B9ACE1C9F228A0F42242672EF6CE1721"(password:XHu4). 19 | * 2.Put the model file {"bert_config.json", "pytorch_model.bin", "vocab.txt"} to the folder: "bert-base-chinese-pytorch". 20 | * 3.Run "run.sh" to train model. 21 | 22 | ### Performance: 23 | * f1 = 65.5 on valid set. 24 | 25 | ### Reference 26 | @inproceedings{jie-etal-2019-better, 27 | title = "Better Modeling of Incomplete Annotations for Named Entity Recognition", 28 | author = "Jie, Zhanming and 29 | Xie, Pengjun and 30 | Lu, Wei and 31 | Ding, Ruixue and 32 | Li, Linlin", 33 | booktitle = "Proceedings of the 2019 Conference of the North {A}merican Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers)", 34 | month = jun, 35 | year = "2019", 36 | doi = "10.18653/v1/N19-1079", 37 | pages = "729--734", 38 | } -------------------------------------------------------------------------------- /baseline/bert_model.py: -------------------------------------------------------------------------------- 1 | """ 2 | transformer based models 3 | """ 4 | import torch 5 | from torch import nn 6 | 7 | from transformers import BertPreTrainedModel, BertModel 8 | 9 | from model.linear_crf_inferencer import LinearCRF 10 | from typing import Tuple 11 | 12 | 13 | class BertCRF(BertPreTrainedModel): 14 | def __init__(self, cfig): 15 | super(BertCRF, self).__init__(cfig) 16 | 17 | self.device = cfig.device 18 | self.num_labels = len(cfig.label2idx) 19 | self.bert = BertModel(cfig) 20 | self.dropout = nn.Dropout(cfig.hidden_dropout_prob) 21 | self.classifier = nn.Linear(cfig.hidden_size, len(cfig.label2idx)) 22 | self.inferencer = LinearCRF(cfig) 23 | 24 | self.init_weights() 25 | 26 | def forward(self, input_ids, input_seq_lens=None, annotation_mask=None, labels=None, 27 | attention_mask=None, token_type_ids=None, 28 | position_ids=None, head_mask=None, add_crf=False): 29 | 30 | outputs = self.bert(input_ids, attention_mask=attention_mask, 31 | token_type_ids=token_type_ids, position_ids=position_ids, head_mask=head_mask) 32 | sequence_output = outputs[0] 33 | 34 | sequence_output = self.dropout(sequence_output) # (batch_size, seq_length, hidden_size) 35 | logits = self.classifier(sequence_output) # (batch_size, seq_length, num_labels) 36 | 37 | if labels is not None: 38 | batch_size = input_ids.size(0) 39 | sent_len = input_ids.size(1) # one batch max seq length 40 | maskTemp = torch.arange(1, sent_len + 1, dtype=torch.long).view(1, sent_len).expand(batch_size, sent_len).to(self.device) 41 | mask = torch.le(maskTemp, input_seq_lens.view(batch_size, 1).expand(batch_size, sent_len)).to(self.device) 42 | 43 | unlabed_score, labeled_score = self.inferencer(logits, input_seq_lens, labels, attention_mask) 44 | return unlabed_score - labeled_score 45 | 46 | else: 47 | bestScores, decodeIdx = self.inferencer.decode(logits, input_seq_lens, annotation_mask) 48 | 49 | return bestScores, decodeIdx 50 | 51 | # obsolete 52 | def decode(self, input_ids, input_seq_lens=None, annotation_mask=None, attention_mask=None) -> Tuple[torch.Tensor, torch.Tensor]: 53 | """ 54 | Decode the batch input 55 | :param batchInput: 56 | :return: 57 | """ 58 | features = self.bert(input_ids, attention_mask=attention_mask, token_type_ids=None, position_ids=None, head_mask=None) 59 | features = self.dropout(features) # (batch_size, seq_length, hidden_size) 60 | logits = self.classifier(features) # (batch_size, seq_length, num_labels) 61 | 62 | bestScores, decodeIdx = self.inferencer.decode(logits, input_seq_lens, annotation_mask) 63 | return bestScores, decodeIdx 64 | 65 | 66 | -------------------------------------------------------------------------------- /baseline/common/__init__.py: -------------------------------------------------------------------------------- 1 | from common.instance import Instance 2 | from common.sentence import Sentence -------------------------------------------------------------------------------- /baseline/common/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/common/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/common/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/common/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/common/__pycache__/instance.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/common/__pycache__/instance.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/common/__pycache__/instance.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/common/__pycache__/instance.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/common/__pycache__/sentence.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/common/__pycache__/sentence.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/common/__pycache__/sentence.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/common/__pycache__/sentence.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/common/__pycache__/span.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/common/__pycache__/span.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/common/__pycache__/span.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/common/__pycache__/span.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/common/instance.py: -------------------------------------------------------------------------------- 1 | from typing import List 2 | from common.sentence import Sentence 3 | 4 | 5 | class Instance: 6 | def __init__(self, input: Sentence, output: List[str] = None) -> None: 7 | """ 8 | Constructor for the instance. 9 | :param input: sentence containing the words 10 | :param output: each position has a label list. Because each position has a list of labels. 11 | """ 12 | self.input = input # words 13 | self.output = output # label lists 14 | self.id = None # the numbers 15 | self.marginals = None 16 | self.word_ids = None 17 | self.output_ids = None 18 | self.is_prediction = None 19 | 20 | def set_id(self, id: int): 21 | self.id = id 22 | 23 | def __len__(self) -> int: 24 | return len(self.input) 25 | 26 | -------------------------------------------------------------------------------- /baseline/common/sentence.py: -------------------------------------------------------------------------------- 1 | from typing import List 2 | 3 | 4 | class Sentence: 5 | """ 6 | The class for the input sentence 7 | """ 8 | def __init__(self, words: List[str], pos_tags:List[str] = None): 9 | """ 10 | :param words: 11 | :param pos_tags: By default, it is not required to have the pos tags, in case you need it/ 12 | """ 13 | self.words = words 14 | self.pos_tags = pos_tags 15 | 16 | def get_words(self): 17 | return self.words 18 | 19 | def __len__(self): # return the len of words ( in list) 20 | return len(self.words) 21 | 22 | 23 | -------------------------------------------------------------------------------- /baseline/config/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/.DS_Store -------------------------------------------------------------------------------- /baseline/config/__init__.py: -------------------------------------------------------------------------------- 1 | from config.config import Config, PAD, START, STOP 2 | from config.eval import Span, evaluate_batch_insts 3 | from config.reader import Reader 4 | from config.utils import log_sum_exp_pytorch, simple_batching, lr_decay, get_optimizer, batching_list_instances -------------------------------------------------------------------------------- /baseline/config/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/config.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/config.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/config.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/config.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/eval.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/eval.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/eval.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/eval.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/reader.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/reader.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/reader.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/reader.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/utils.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/config/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/config/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/config/config.py: -------------------------------------------------------------------------------- 1 | from typing import List 2 | from common import Instance 3 | import torch 4 | 5 | 6 | START = "" 7 | STOP = "" 8 | PAD = "" 9 | 10 | 11 | class Config: 12 | def __init__(self, args) -> None: 13 | """ 14 | Construct the arguments and some hyperparameters 15 | :param args: 16 | """ 17 | 18 | # Predefined label string. 19 | self.PAD = PAD 20 | self.B = "B-" 21 | self.I = "I-" 22 | self.E = "E-" 23 | self.O = "O" 24 | self.START_TAG = START 25 | self.STOP_TAG = STOP 26 | self.UNK = "" 27 | self.unk_id = -1 28 | 29 | self.seed = args.seed 30 | self.digit2zero = args.digit2zero 31 | 32 | # Data specification 33 | self.dataset = args.dataset 34 | self.train_file = None 35 | self.dev_file = None 36 | self.label2idx = {} 37 | self.idx2labels = [] 38 | self.train_num = args.train_num 39 | self.dev_num = args.dev_num 40 | self.num_folds = 2 # this is the k mention in paper 41 | 42 | # Training hyperparameter 43 | self.model_folder = args.model_folder 44 | self.optimizer = args.optimizer.lower() 45 | self.learning_rate = args.learning_rate 46 | self.momentum = args.momentum 47 | self.l2 = args.l2 48 | self.num_epochs = args.num_epochs 49 | self.use_dev = True 50 | self.batch_size = args.batch_size 51 | self.clip = 5 52 | self.lr_decay = args.lr_decay 53 | self.device = torch.device(args.device) 54 | self.num_outer_iterations = args.num_outer_iterations 55 | 56 | # transformer hyperparameters 57 | self.bert_model_dir = args.bert_model_dir 58 | self.max_len = args.max_len 59 | self.full_finetuning = args.full_finetuning 60 | self.clip_grad = args.clip_grad 61 | 62 | def build_label_idx(self, insts: List[Instance]) -> None: 63 | """ 64 | Build the mapping from label to index and index to labels. 65 | :param insts: list of instances. 66 | :return: 67 | """ 68 | self.label2idx[self.PAD] = len(self.label2idx) # in this case, idx for PAD is always 0, and [START], [STOP] are in the end 69 | self.idx2labels.append(self.PAD) 70 | for inst in insts: 71 | for label in inst.output: 72 | if label not in self.label2idx: 73 | self.idx2labels.append(label) 74 | self.label2idx[label] = len(self.label2idx) 75 | 76 | for inst in insts: 77 | inst.output_ids = [] if inst.output else None 78 | if inst.output: 79 | for label in inst.output: 80 | inst.output_ids.append(self.label2idx[label]) # assign label ids 81 | 82 | self.label2idx[self.START_TAG] = len(self.label2idx) 83 | self.idx2labels.append(self.START_TAG) 84 | self.label2idx[self.STOP_TAG] = len(self.label2idx) 85 | self.idx2labels.append(self.STOP_TAG) 86 | self.label_size = len(self.label2idx) 87 | self.start_label_id = self.label2idx[self.START_TAG] 88 | self.stop_label_id = self.label2idx[self.STOP_TAG] 89 | print("#labels: {}".format(self.label_size)) 90 | print("label 2idx: {}".format(self.label2idx)) 91 | 92 | -------------------------------------------------------------------------------- /baseline/config/eval.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | from typing import List 3 | from common import Instance 4 | import torch 5 | 6 | 7 | class Span: 8 | """ 9 | A class of `Span` where we use it during evaluation. 10 | We construct spans for the convenience of evaluation. 11 | """ 12 | def __init__(self, left: int, right: int, type: str): 13 | """ 14 | A span compose of left, right (inclusive) and its entity label. 15 | :param left: 16 | :param right: inclusive. 17 | :param type: 18 | """ 19 | self.left = left 20 | self.right = right 21 | self.type = type 22 | 23 | def __eq__(self, other): 24 | return self.left == other.left and self.right == other.right and self.type == other.type 25 | 26 | def __hash__(self): 27 | return hash((self.left, self.right, self.type)) 28 | 29 | 30 | def evaluate_batch_insts(batch_insts: List[Instance], 31 | batch_pred_ids: torch.Tensor, 32 | batch_gold_ids: torch.LongTensor, 33 | word_seq_lens: torch.LongTensor, 34 | idx2label: List[str]) -> np.ndarray: 35 | """ 36 | Evaluate a batch of instances and handling the padding positions. 37 | :param batch_insts: a batched of instances. 38 | :param batch_pred_ids: Shape: (batch_size, max_length) prediction ids from the viterbi algorithm. 39 | :param batch_gold_ids: Shape: (batch_size, max_length) gold ids. 40 | :param word_seq_lens: Shape: (batch_size) the length for each instance. 41 | :param idx2label: The idx to label mapping. 42 | :return: numpy array containing (number of true positive, number of all positive, number of true positive + number of false negative) 43 | You can also refer as (number of correctly predicted entities, number of entities predicted, number of entities in the dataset) 44 | """ 45 | p = 0 46 | total_entity = 0 47 | total_predict = 0 48 | word_seq_lens = word_seq_lens.tolist() 49 | for idx in range(len(batch_pred_ids)): 50 | length = word_seq_lens[idx] 51 | output = batch_gold_ids[idx][:length].tolist() 52 | prediction = batch_pred_ids[idx][:length].tolist() 53 | prediction = prediction[::-1] 54 | output = [idx2label[l] for l in output] 55 | prediction =[idx2label[l] for l in prediction] 56 | batch_insts[idx].prediction = prediction 57 | # convert to span 58 | output_spans = set() 59 | start = -1 60 | for i in range(len(output)): 61 | if output[i].startswith("B-"): 62 | start = i 63 | if i == len(output) - 1 or output[i + 1].startswith("B-") or output[i + 1].startswith("O"): 64 | output_spans.add(Span(i, i, output[i][2:])) 65 | if output[i].startswith("E-") and start != -1: 66 | end = i 67 | output_spans.add(Span(start, end, output[i][2:])) 68 | predict_spans = set() 69 | for i in range(len(prediction)): 70 | if prediction[i].startswith("B-"): 71 | start = i 72 | if i == len(prediction) - 1 or prediction[i + 1].startswith("B-") or prediction[i + 1].startswith("O"): 73 | predict_spans.add(Span(i, i, prediction[i][2:])) 74 | if prediction[i].startswith("E-") and start != -1: 75 | end = i 76 | predict_spans.add(Span(start, end, prediction[i][2:])) 77 | 78 | total_entity += len(output_spans) 79 | total_predict += len(predict_spans) 80 | p += len(predict_spans.intersection(output_spans)) 81 | 82 | # In case you need the following code for calculating the p/r/f in a batch. 83 | # (When your batch is the complete dataset) 84 | # precision = p * 1.0 / total_predict * 100 if total_predict != 0 else 0 85 | # recall = p * 1.0 / total_entity * 100 if total_entity != 0 else 0 86 | # fscore = 2.0 * precision * recall / (precision + recall) if precision != 0 or recall != 0 else 0 87 | 88 | return np.asarray([p, total_predict, total_entity], dtype=int) 89 | -------------------------------------------------------------------------------- /baseline/config/reader.py: -------------------------------------------------------------------------------- 1 | from tqdm import tqdm 2 | from common import Sentence, Instance 3 | from typing import List 4 | import re 5 | from transformers import BertTokenizer 6 | 7 | bert_model_dir = "bert-base-chinese-pytorch" # change this if needed 8 | tokenizer = BertTokenizer.from_pretrained(bert_model_dir, do_lower_case=True) 9 | 10 | 11 | class Reader: 12 | def __init__(self, digit2zero: bool=True): 13 | """ 14 | Read the dataset into Instance 15 | :param digit2zero: convert the digits into 0, which is a common practice for LSTM-CRF. 16 | """ 17 | self.digit2zero = digit2zero 18 | self.vocab = set() 19 | 20 | def read_txt(self, file: str, number: int = -1) -> List[Instance]: # expected type -> return type 21 | count_0 = 0 22 | print("Reading file: " + file) 23 | insts = [] 24 | with open(file, 'r', encoding='utf-8') as f: 25 | words = [] 26 | labels = [] 27 | for line in tqdm(f.readlines()): 28 | line = line.rstrip() 29 | if line == "": 30 | assert len(words) == len(labels) 31 | inst = Instance(Sentence(words), labels) 32 | inst.set_id(len(insts)) 33 | insts.append(inst) 34 | words = [] 35 | labels = [] 36 | if len(insts) == number: 37 | break 38 | continue 39 | 40 | #for 41 | x = line.split() 42 | if len(x) == 1: 43 | word, label = '&', x[0] # '&' 44 | elif len(x) == 2: 45 | word, label = x[0], x[1] 46 | else: 47 | print(x) 48 | 49 | if self.digit2zero: 50 | word = re.sub('\d', '0', word) # replace all digits with 0. '\d' - unicode decimal digits [0-9] 51 | count_0 += 1 52 | words.append(word) 53 | self.vocab.add(word) 54 | 55 | labels.append(label) 56 | print("numbers being replaced by zero:", count_0) 57 | print("number of sentences: {}".format(len(insts))) 58 | return insts 59 | 60 | 61 | if __name__ == "__main__": 62 | reader = Reader(False) 63 | tmp_file = "data/" + 'ecommerce' + "/train.txt" 64 | trains = reader.read_txt(tmp_file, -1) 65 | 66 | 67 | 68 | -------------------------------------------------------------------------------- /baseline/config/utils.py: -------------------------------------------------------------------------------- 1 | import torch 2 | from typing import List, Tuple 3 | from common import Instance 4 | import torch.optim as optim 5 | import torch.nn as nn 6 | from config import Config 7 | from termcolor import colored 8 | from transformers import BertTokenizer 9 | 10 | bert_model_dir = "bert-base-chinese-pytorch" # change this if needed 11 | tokenizer = BertTokenizer.from_pretrained(bert_model_dir, do_lower_case=True) 12 | 13 | 14 | def log_sum_exp_pytorch(vec: torch.Tensor) -> torch.Tensor: 15 | """ 16 | Calculate the log_sum_exp trick for the tensor. 17 | :param vec: [batchSize * from_label * to_label]. 18 | :return: [batchSize * to_label] 19 | """ 20 | maxScores, idx = torch.max(vec, 1) 21 | maxScores[maxScores == -float("Inf")] = 0 22 | maxScoresExpanded = maxScores.view(vec.shape[0] ,1 , vec.shape[2]).expand(vec.shape[0], vec.shape[1], vec.shape[2]) 23 | return maxScores + torch.log(torch.sum(torch.exp(vec - maxScoresExpanded), 1)) 24 | 25 | 26 | def batching_list_instances(config: Config, insts: List[Instance]): 27 | train_num = len(insts) 28 | batch_size = config.batch_size 29 | total_batch = train_num // batch_size + 1 if train_num % batch_size != 0 else train_num // batch_size 30 | batched_data = [] 31 | for batch_id in range(total_batch): 32 | one_batch_insts = insts[batch_id * batch_size:(batch_id + 1) * batch_size] 33 | batched_data.append(simple_batching(config, one_batch_insts)) 34 | 35 | return batched_data 36 | 37 | 38 | def simple_batching(config, insts: List[Instance]) -> Tuple: 39 | 40 | """ 41 | batching these instances together and return tensors. The seq_tensors for word and char contain their word id and char id. 42 | :return 43 | word_seq_tensor: Shape: (batch_size, max_seq_length) 44 | word_seq_len: Shape: (batch_size), the length of each sentence in a batch. 45 | context_emb_tensor: Shape: (batch_size, max_seq_length, context_emb_size) 46 | char_seq_tensor: Shape: (batch_size, max_seq_len, max_char_seq_len) 47 | char_seq_len: Shape: (batch_size, max_seq_len), 48 | label_seq_tensor: Shape: (batch_size, max_seq_length) 49 | annotation_mask: Shape (batch_size, max_seq_length, label_size) 50 | """ 51 | batch_size = len(insts) 52 | batch_data = insts 53 | label_size = config.label_size 54 | 55 | # transformer, convert tokens to ids 56 | for idx in range(batch_size): 57 | batch_data[idx].word_ids = tokenizer.convert_tokens_to_ids(batch_data[idx].input.words) 58 | 59 | # probably no need to sort because we will sort them in the model instead. 60 | word_seq_len = torch.LongTensor(list(map(lambda inst: len(inst.input.words), batch_data))) 61 | max_seq_len = word_seq_len.max() 62 | max_allowed_len = min(max_seq_len, config.max_len) 63 | 64 | word_seq_tensor = torch.zeros((batch_size, max_allowed_len), dtype=torch.long) 65 | label_seq_tensor = torch.zeros((batch_size, max_allowed_len), dtype=torch.long) 66 | 67 | annotation_mask = None 68 | if batch_data[0].is_prediction is not None: 69 | annotation_mask = torch.zeros((batch_size, max_allowed_len, label_size), dtype=torch.long) 70 | 71 | for idx in range(batch_size): 72 | cur_len = word_seq_len[idx] # careful here, when curr_len<=max_allowed_len, that's ok 73 | if cur_len <= max_allowed_len: 74 | word_seq_tensor[idx, :word_seq_len[idx]] = torch.LongTensor(batch_data[idx].word_ids) 75 | if batch_data[idx].output_ids: 76 | label_seq_tensor[idx, :word_seq_len[idx]] = torch.LongTensor(batch_data[idx].output_ids) 77 | 78 | if batch_data[idx].is_prediction is not None: 79 | for pos in range(len(batch_data[idx].input)): 80 | if batch_data[idx].is_prediction[pos]: # if label is true (is about to be predicted) 81 | annotation_mask[idx, pos, :] = 1 82 | annotation_mask[idx, pos, config.start_label_id] = 0 83 | annotation_mask[idx, pos, config.stop_label_id] = 0 84 | else: 85 | annotation_mask[idx, pos, batch_data[idx].output_ids[pos]] = 1 # settled 86 | annotation_mask[idx, word_seq_len[idx]:, :] = 1 87 | else: 88 | word_seq_len[idx] = max_allowed_len 89 | # error 90 | word_seq_tensor[idx] = torch.LongTensor(batch_data[idx].word_ids[:max_allowed_len]) 91 | if batch_data[idx].output_ids: 92 | label_seq_tensor[idx] = torch.LongTensor(batch_data[idx].output_ids[:max_allowed_len]) 93 | 94 | if batch_data[idx].is_prediction is not None: 95 | for pos in range(len(batch_data[idx].input))[:max_allowed_len]: 96 | if batch_data[idx].is_prediction[pos]: # if label is true(is about to be predicted) 97 | annotation_mask[idx, pos, :] = 1 98 | annotation_mask[idx, pos, config.start_label_id] = 0 99 | annotation_mask[idx, pos, config.stop_label_id] = 0 100 | else: 101 | annotation_mask[idx, pos, batch_data[idx].output_ids[pos]] = 1 # settled 102 | annotation_mask[idx, word_seq_len[idx]:, :] = 1 103 | 104 | word_seq_tensor = word_seq_tensor.to(config.device) 105 | label_seq_tensor = label_seq_tensor.to(config.device) 106 | word_seq_len = word_seq_len.to(config.device) 107 | annotation_mask = annotation_mask.to(config.device) if annotation_mask is not None else None 108 | 109 | return word_seq_tensor, word_seq_len, annotation_mask, label_seq_tensor 110 | 111 | 112 | def lr_decay(config, optimizer: optim.Optimizer, epoch: int) -> optim.Optimizer: 113 | """ 114 | Method to decay the learning rate 115 | :param config: configuration 116 | :param optimizer: optimizer 117 | :param epoch: epoch number 118 | :return: 119 | """ 120 | lr = config.learning_rate / (1 + config.lr_decay * (epoch - 1)) 121 | for param_group in optimizer.param_groups: 122 | param_group['lr'] = lr 123 | print('learning rate is set to: ', lr) 124 | return optimizer 125 | 126 | 127 | def get_optimizer(config: Config, model: nn.Module): 128 | params = model.parameters() 129 | if config.optimizer.lower() == "sgd": 130 | print( 131 | colored("Using SGD: lr is: {}, L2 regularization is: {}".format(config.learning_rate, config.l2), 'yellow')) 132 | return optim.SGD(params, lr=config.learning_rate, weight_decay=float(config.l2)) 133 | elif config.optimizer.lower() == "adam": 134 | print(colored("Using Adam", 'yellow')) 135 | return optim.Adam(params) 136 | else: 137 | print("Illegal optimizer: {}".format(config.optimizer)) 138 | exit(1) 139 | 140 | -------------------------------------------------------------------------------- /baseline/model/__init__.py: -------------------------------------------------------------------------------- 1 | from model.linear_crf_inferencer import LinearCRF 2 | -------------------------------------------------------------------------------- /baseline/model/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/model/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/model/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/model/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/model/__pycache__/bilstm_encoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/model/__pycache__/bilstm_encoder.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/model/__pycache__/charbilstm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/model/__pycache__/charbilstm.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/model/__pycache__/linear_crf_inferencer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/model/__pycache__/linear_crf_inferencer.cpython-36.pyc -------------------------------------------------------------------------------- /baseline/model/__pycache__/linear_crf_inferencer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/model/__pycache__/linear_crf_inferencer.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/model/__pycache__/neuralcrf.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/baseline/model/__pycache__/neuralcrf.cpython-37.pyc -------------------------------------------------------------------------------- /baseline/model/linear_crf_inferencer.py: -------------------------------------------------------------------------------- 1 | import torch.nn as nn 2 | import torch 3 | 4 | from config import log_sum_exp_pytorch, START, STOP, PAD 5 | from typing import Tuple 6 | 7 | 8 | class LinearCRF(nn.Module): 9 | def __init__(self, config, print_info: bool = True): 10 | super(LinearCRF, self).__init__() 11 | 12 | self.label_size = config.label_size 13 | self.device = config.device 14 | 15 | self.label2idx = config.label2idx 16 | self.labels = config.idx2labels 17 | self.start_idx = self.label2idx[START] 18 | self.end_idx = self.label2idx[STOP] 19 | self.pad_idx = self.label2idx[PAD] 20 | 21 | # initialize the following transition (anything never -> start. end never -> anything. Same thing for the padding label) 22 | init_transition = torch.randn(self.label_size, self.label_size).to(self.device) 23 | init_transition[:, self.start_idx] = -10000.0 24 | init_transition[self.end_idx, :] = -10000.0 25 | init_transition[:, self.pad_idx] = -10000.0 26 | init_transition[self.pad_idx, :] = -10000.0 27 | 28 | self.transition = nn.Parameter(init_transition) 29 | 30 | def forward(self, lstm_scores, word_seq_lens, tags, mask): 31 | """ 32 | Calculate the negative log-likelihood 33 | :param lstm_scores: 34 | :param word_seq_lens: 35 | :param tags: 36 | :param mask: 37 | :return: 38 | """ 39 | all_scores= self.calculate_all_scores(lstm_scores= lstm_scores) 40 | unlabed_score = self.forward_unlabeled(all_scores, word_seq_lens) 41 | labeled_score = self.forward_labeled(all_scores, word_seq_lens, tags, mask) 42 | return unlabed_score, labeled_score 43 | 44 | def forward_unlabeled(self, all_scores: torch.Tensor, word_seq_lens: torch.Tensor) -> torch.Tensor: 45 | """ 46 | Calculate the scores with the forward algorithm. Basically calculating the normalization term 47 | :param all_scores: (batch_size x max_seq_len x num_labels x num_labels) from (lstm scores + transition scores). 48 | :param word_seq_lens: (batch_size) 49 | :return: (batch_size) for the normalization scores 50 | """ 51 | batch_size = all_scores.size(0) 52 | seq_len = all_scores.size(1) 53 | alpha = torch.zeros(batch_size, seq_len, self.label_size).to(self.device) 54 | 55 | alpha[:, 0, :] = all_scores[:, 0, self.start_idx, :] ## the first position of all labels = (the transition from start - > all labels) + current emission. 56 | 57 | for word_idx in range(1, seq_len): 58 | ## batch_size, self.label_size, self.label_size 59 | before_log_sum_exp = alpha[:, word_idx-1, :].view(batch_size, self.label_size, 1).expand(batch_size, self.label_size, self.label_size) + all_scores[:, word_idx, :, :] 60 | alpha[:, word_idx, :] = log_sum_exp_pytorch(before_log_sum_exp) 61 | 62 | ### batch_size x label_size 63 | last_alpha = torch.gather(alpha, 1, word_seq_lens.view(batch_size, 1, 1).expand(batch_size, 1, self.label_size)-1).view(batch_size, self.label_size) 64 | last_alpha += self.transition[:, self.end_idx].view(1, self.label_size).expand(batch_size, self.label_size) 65 | last_alpha = log_sum_exp_pytorch(last_alpha.view(batch_size, self.label_size, 1)).view(batch_size) 66 | 67 | return torch.sum(last_alpha) 68 | 69 | def forward_labeled(self, all_scores: torch.Tensor, word_seq_lens: torch.Tensor, tags: torch.Tensor, masks: torch.Tensor) -> torch.Tensor: 70 | ''' 71 | Calculate the scores for the gold instances. 72 | :param all_scores: (batch, seq_len, label_size, label_size) 73 | :param word_seq_lens: (batch, seq_len) 74 | :param tags: (batch, seq_len) 75 | :param masks: batch, seq_len 76 | :return: sum of score for the gold sequences Shape: (batch_size) 77 | ''' 78 | batchSize = all_scores.shape[0] 79 | sentLength = all_scores.shape[1] 80 | 81 | ## all the scores to current labels: batch, seq_len, all_from_label? 82 | currentTagScores = torch.gather(all_scores, 3, tags.view(batchSize, sentLength, 1, 1).expand(batchSize, sentLength, self.label_size, 1)).view(batchSize, -1, self.label_size) 83 | if sentLength != 1: 84 | tagTransScoresMiddle = torch.gather(currentTagScores[:, 1:, :], 2, tags[:, : sentLength - 1].view(batchSize, sentLength - 1, 1)).view(batchSize, -1) 85 | tagTransScoresBegin = currentTagScores[:, 0, self.start_idx] 86 | endTagIds = torch.gather(tags, 1, word_seq_lens.view(batchSize, 1) - 1) 87 | tagTransScoresEnd = torch.gather(self.transition[:, self.end_idx].view(1, self.label_size).expand(batchSize, self.label_size), 1, endTagIds).view(batchSize) 88 | score = torch.sum(tagTransScoresBegin) + torch.sum(tagTransScoresEnd) 89 | if sentLength != 1: 90 | score += torch.sum(tagTransScoresMiddle.masked_select(masks[:, 1:])) 91 | return score 92 | 93 | def calculate_all_scores(self, lstm_scores: torch.Tensor) -> torch.Tensor: 94 | """ 95 | Calculate all scores by adding up the transition scores and emissions (from lstm). 96 | Basically, compute the scores for each edges between labels at adjacent positions. 97 | This score is later be used for forward-backward inference 98 | :param lstm_scores: emission scores. 99 | :return: 100 | """ 101 | batch_size = lstm_scores.size(0) 102 | seq_len = lstm_scores.size(1) 103 | scores = self.transition.view(1, 1, self.label_size, self.label_size).expand(batch_size, seq_len, self.label_size, self.label_size) + \ 104 | lstm_scores.view(batch_size, seq_len, 1, self.label_size).expand(batch_size, seq_len, self.label_size, self.label_size) 105 | return scores 106 | 107 | def decode(self, features, wordSeqLengths, annotation_mask = None) -> Tuple[torch.Tensor, torch.Tensor]: 108 | """ 109 | Decode the batch input 110 | :param batchInput: 111 | :return: 112 | """ 113 | all_scores = self.calculate_all_scores(features) 114 | bestScores, decodeIdx = self.constrainted_viterbi_decode(all_scores, wordSeqLengths, annotation_mask) 115 | return bestScores, decodeIdx 116 | 117 | def constrainted_viterbi_decode(self, all_scores: torch.Tensor, word_seq_lens: torch.Tensor, annotation_mask: torch.Tensor = None) -> Tuple[torch.Tensor, torch.Tensor]: 118 | """ 119 | Use viterbi to decode the instances given the scores and transition parameters 120 | :param all_scores: (batch_size x max_seq_len x num_labels) 121 | :param word_seq_lens: (batch_size) 122 | :return: the best scores as well as the predicted label ids. 123 | (batch_size) and (batch_size x max_seq_len) 124 | """ 125 | batchSize = all_scores.shape[0] 126 | sentLength = all_scores.shape[1] 127 | if annotation_mask is not None: 128 | annotation_mask = annotation_mask.float().log() 129 | # sent_len = 130 | scoresRecord = torch.zeros([batchSize, sentLength, self.label_size]).to(self.device) 131 | idxRecord = torch.zeros([batchSize, sentLength, self.label_size], dtype=torch.int64).to(self.device) 132 | mask = torch.ones_like(word_seq_lens, dtype=torch.int64).to(self.device) 133 | startIds = torch.full((batchSize, self.label_size), self.start_idx, dtype=torch.int64).to(self.device) 134 | decodeIdx = torch.LongTensor(batchSize, sentLength).to(self.device) 135 | 136 | scores = all_scores 137 | # scoresRecord[:, 0, :] = self.getInitAlphaWithBatchSize(batchSize).view(batchSize, self.label_size) 138 | scoresRecord[:, 0, :] = scores[:, 0, self.start_idx, :] # represent the best current score from the start, is the best 139 | if annotation_mask is not None: 140 | scoresRecord[:, 0, :] += annotation_mask[:, 0, :] 141 | idxRecord[:, 0, :] = startIds 142 | for wordIdx in range(1, sentLength): 143 | # scoresIdx: batch x from_label x to_label at current index. 144 | scoresIdx = scoresRecord[:, wordIdx - 1, :].view(batchSize, self.label_size, 1).expand(batchSize, self.label_size, 145 | self.label_size) + scores[:, wordIdx, :, :] 146 | if annotation_mask is not None: 147 | scoresIdx += annotation_mask[:, wordIdx, :].view(batchSize, 1, self.label_size).expand(batchSize, self.label_size, self.label_size) 148 | 149 | idxRecord[:, wordIdx, :] = torch.argmax(scoresIdx, 1) # the best previous label idx to crrent labels 150 | scoresRecord[:, wordIdx, :] = torch.gather(scoresIdx, 1, idxRecord[:, wordIdx, :].view(batchSize, 1, self.label_size)).view(batchSize, self.label_size) 151 | 152 | lastScores = torch.gather(scoresRecord, 1, word_seq_lens.view(batchSize, 1, 1).expand(batchSize, 1, self.label_size) - 1).view(batchSize, self.label_size) ##select position 153 | lastScores += self.transition[:, self.end_idx].view(1, self.label_size).expand(batchSize, self.label_size) 154 | decodeIdx[:, 0] = torch.argmax(lastScores, 1) 155 | bestScores = torch.gather(lastScores, 1, decodeIdx[:, 0].view(batchSize, 1)) 156 | 157 | for distance2Last in range(sentLength - 1): 158 | lastNIdxRecord = torch.gather(idxRecord, 1, torch.where(word_seq_lens - distance2Last - 1 > 0, word_seq_lens - distance2Last - 1, mask).view(batchSize, 1, 1).expand(batchSize, 1, self.label_size)).view(batchSize, self.label_size) 159 | decodeIdx[:, distance2Last + 1] = torch.gather(lastNIdxRecord, 1, decodeIdx[:, distance2Last].view(batchSize, 1)).view(batchSize) 160 | 161 | return bestScores, decodeIdx -------------------------------------------------------------------------------- /baseline/run.sh: -------------------------------------------------------------------------------- 1 | python3 train_model.py --dataset data --num_epochs 30 --model_folder saved_model --seed 2020 --device_num 0 -------------------------------------------------------------------------------- /baseline/train_model.py: -------------------------------------------------------------------------------- 1 | import argparse 2 | import random 3 | import numpy as np 4 | from typing import Tuple 5 | from config import Reader, Config, evaluate_batch_insts, batching_list_instances 6 | import time 7 | import torch 8 | from typing import List 9 | from common import Instance 10 | import os 11 | import logging 12 | import pickle 13 | import math 14 | import itertools 15 | from torch.optim import Adam 16 | import torch.nn as nn 17 | from torch.optim.lr_scheduler import LambdaLR 18 | from transformers import BertConfig 19 | from bert_model import BertCRF 20 | import utils 21 | 22 | os.environ['CUDA_VISIBLE_DEVICES'] = '0' 23 | 24 | 25 | def set_seed(opt, seed): 26 | random.seed(seed) 27 | np.random.seed(seed) 28 | torch.manual_seed(seed) 29 | if opt.device.startswith("cuda"): 30 | print("using GPU...", torch.cuda.current_device()) 31 | torch.cuda.manual_seed(seed) 32 | torch.cuda.manual_seed_all(seed) 33 | 34 | 35 | def parse_arguments_t(parser): 36 | # Training Hyperparameters 37 | parser.add_argument('--device', type=str, default="cuda", choices=['cpu', 'cuda'], 38 | help="GPU/CPU devices") 39 | parser.add_argument('--seed', type=int, default=2019, help="random seed") 40 | parser.add_argument('--digit2zero', action="store_true", default=False, 41 | help="convert the number to 0, make it true is better") 42 | parser.add_argument('--dataset', type=str, default="data") 43 | parser.add_argument('--optimizer', type=str, default="sgd") 44 | parser.add_argument('--learning_rate', type=float, default=1e-4) 45 | parser.add_argument('--momentum', type=float, default=0.0) 46 | parser.add_argument('--l2', type=float, default=1e-8) 47 | parser.add_argument('--lr_decay', type=float, default=0) 48 | parser.add_argument('--batch_size', type=int, default=32, help="default batch size is 32 (works well)") 49 | parser.add_argument('--num_epochs', type=int, default=30, help="Usually we set to 10.") # origin 100 50 | parser.add_argument('--train_num', type=int, default=-1, help="-1 means all the data") 51 | parser.add_argument('--dev_num', type=int, default=-1, help="-1 means all the data") 52 | parser.add_argument('--num_outer_iterations', type=int, default=10, help="Number of outer iterations for cross validation") 53 | 54 | # bert hyperparameter 55 | parser.add_argument('--bert_model_dir', default='bert-base-chinese-pytorch', help="Directory containing the BERT model in PyTorch") 56 | parser.add_argument('--max_len', default=180, help="max allowed sequence length") 57 | parser.add_argument('--full_finetuning', default=True, action='store_true', 58 | help="Whether to fine tune the pre-trained model") 59 | parser.add_argument('--clip_grad', default=5, help="gradient clipping") 60 | 61 | # model hyperparameter 62 | parser.add_argument('--model_folder', type=str, default="saved_model", help="The name to save the model files") 63 | parser.add_argument('--device_num', type=str, default='0', help="The gpu number you want to use") 64 | 65 | args = parser.parse_args() 66 | for k in args.__dict__: 67 | print(k + ": " + str(args.__dict__[k])) 68 | return args 69 | 70 | 71 | def train_model(config: Config, train_insts: List[List[Instance]], dev_insts: List[Instance]): 72 | train_num = sum([len(insts) for insts in train_insts]) 73 | logging.info(("[Training Info] number of instances: %d" % (train_num))) 74 | # get the batched data 75 | dev_batches = batching_list_instances(config, dev_insts) 76 | 77 | model_folder = config.model_folder 78 | 79 | logging.info("[Training Info] The model will be saved to: %s" % (model_folder)) 80 | if not os.path.exists(model_folder): 81 | os.makedirs(model_folder) 82 | 83 | num_outer_iterations = config.num_outer_iterations 84 | 85 | for iter in range(num_outer_iterations): 86 | 87 | logging.info(f"[Training Info] Running for {iter}th large iterations.") 88 | 89 | model_names = [] # model names for each fold 90 | 91 | train_batches = [batching_list_instances(config, insts) for insts in train_insts] 92 | 93 | logging.info("length of train_insts:%d"% len(train_insts)) 94 | 95 | # train 2 models in 2 folds 96 | for fold_id, folded_train_insts in enumerate(train_insts): 97 | logging.info(f"[Training Info] Training fold {fold_id}.") 98 | # Initialize bert model 99 | logging.info("Initialized from pre-trained Model") 100 | 101 | model_name = model_folder + f"/bert_crf_{fold_id}" 102 | model_names.append(model_name) 103 | train_one(config=config, train_batches=train_batches[fold_id], 104 | dev_insts=dev_insts, dev_batches=dev_batches, model_name=model_name) 105 | 106 | # assign prediction to other folds 107 | logging.info("\n\n") 108 | logging.info("[Data Info] Assigning labels") 109 | 110 | # using the model trained in one fold to predict the result of another fold's data 111 | # and update the label of another fold with the predict result 112 | for fold_id, folded_train_insts in enumerate(train_insts): 113 | 114 | cfig_path = os.path.join(config.bert_model_dir, 'bert_config.json') 115 | cfig = BertConfig.from_json_file(cfig_path) 116 | cfig.device = config.device 117 | cfig.label2idx = config.label2idx 118 | cfig.label_size = config.label_size 119 | cfig.idx2labels = config.idx2labels 120 | 121 | model_name = model_folder + f"/bert_crf_{fold_id}" 122 | model = BertCRF(cfig=cfig) 123 | model.to(cfig.device) 124 | utils.load_checkpoint(os.path.join(model_name, 'best.pth.tar'), model) 125 | 126 | hard_constraint_predict(config=config, model=model, 127 | fold_batches=train_batches[1 - fold_id], 128 | folded_insts=train_insts[1 - fold_id]) # set a new label id, k is set to 2, so 1 - fold_id can be used 129 | logging.info("\n\n") 130 | 131 | logging.info("[Training Info] Training the final model") 132 | 133 | # merge the result data to training the final model 134 | all_train_insts = list(itertools.chain.from_iterable(train_insts)) 135 | 136 | logging.info("Initialized from pre-trained Model") 137 | 138 | model_name = model_folder + "/final_bert_crf" 139 | config_name = model_folder + "/config.conf" 140 | 141 | all_train_batches = batching_list_instances(config=config, insts=all_train_insts) 142 | # train the final model 143 | model = train_one(config=config, train_batches=all_train_batches, dev_insts=dev_insts, dev_batches=dev_batches, 144 | model_name=model_name, config_name=config_name) 145 | # load the best final model 146 | utils.load_checkpoint(os.path.join(model_name, 'best.pth.tar'), model) 147 | model.eval() 148 | logging.info("\n") 149 | result = evaluate_model(config, model, dev_batches, "dev", dev_insts) 150 | logging.info("\n\n") 151 | 152 | 153 | def hard_constraint_predict(config: Config, model: BertCRF, fold_batches: List[Tuple], folded_insts:List[Instance], model_type:str = "hard"): 154 | """using the model trained in one fold to predict the result of another fold""" 155 | batch_id = 0 156 | batch_size = config.batch_size 157 | model.eval() 158 | for batch in fold_batches: 159 | one_batch_insts = folded_insts[batch_id * batch_size:(batch_id + 1) * batch_size] 160 | 161 | input_ids, input_seq_lens, annotation_mask, labels = batch 162 | input_masks = input_ids.gt(0) 163 | # get the predict result 164 | batch_max_scores, batch_max_ids = model(input_ids, input_seq_lens=input_seq_lens, 165 | annotation_mask=annotation_mask, labels=None, attention_mask=input_masks) 166 | 167 | batch_max_ids = batch_max_ids.cpu().numpy() 168 | word_seq_lens = batch[1].cpu().numpy() 169 | for idx in range(len(batch_max_ids)): 170 | length = word_seq_lens[idx] 171 | prediction = batch_max_ids[idx][:length].tolist() 172 | prediction = prediction[::-1] 173 | # update the labels of another fold 174 | one_batch_insts[idx].output_ids = prediction 175 | batch_id += 1 176 | 177 | 178 | def train_one(config: Config, train_batches: List[Tuple], dev_insts: List[Instance], dev_batches: List[Tuple], 179 | model_name: str, config_name: str = None) -> BertCRF: 180 | 181 | # load config for bertCRF 182 | cfig_path = os.path.join(config.bert_model_dir, 183 | 'bert_config.json') 184 | cfig = BertConfig.from_json_file(cfig_path) 185 | cfig.device = config.device 186 | cfig.label2idx = config.label2idx 187 | cfig.label_size = config.label_size 188 | cfig.idx2labels = config.idx2labels 189 | # load pretrained bert model 190 | model = BertCRF.from_pretrained(config.bert_model_dir, config=cfig) 191 | model.to(config.device) 192 | 193 | if config.full_finetuning: 194 | logging.info('full finetuning') 195 | param_optimizer = list(model.named_parameters()) 196 | no_decay = ['bias', 'LayerNorm.bias', 'LayerNorm.weight'] 197 | optimizer_grouped_parameters = [ 198 | {'params': [p for n, p in param_optimizer if not any(nd in n for nd in no_decay)], 199 | 'weight_decay_rate': 0.01}, 200 | {'params': [p for n, p in param_optimizer if any(nd in n for nd in no_decay)], 201 | 'weight_decay_rate': 0.0} 202 | ] 203 | 204 | else: 205 | logging.info('tuning downstream layer') 206 | param_optimizer = list(model.classifier.named_parameters()) 207 | optimizer_grouped_parameters = [{'params': [p for n, p in param_optimizer]}] 208 | 209 | optimizer = Adam(optimizer_grouped_parameters, lr=config.learning_rate) 210 | scheduler = LambdaLR(optimizer, lr_lambda=lambda epoch: 1 / (1 + 0.05 * epoch)) 211 | 212 | model.train() 213 | 214 | epoch = config.num_epochs 215 | best_dev_f1 = -1 216 | for i in range(1, epoch + 1): 217 | epoch_loss = 0 218 | start_time = time.time() 219 | model.zero_grad() 220 | 221 | for index in np.random.permutation(len(train_batches)): # disorder the train batches 222 | model.train() 223 | scheduler.step() 224 | input_ids, input_seq_lens, annotation_mask, labels = train_batches[index] 225 | input_masks = input_ids.gt(0) 226 | # update loss 227 | loss = model(input_ids, input_seq_lens=input_seq_lens, annotation_mask=annotation_mask, 228 | labels=labels, attention_mask=input_masks) 229 | epoch_loss += loss.item() 230 | model.zero_grad() 231 | loss.backward() 232 | # gradient clipping 233 | nn.utils.clip_grad_norm_(parameters=model.parameters(), max_norm=config.clip_grad) 234 | optimizer.step() 235 | end_time = time.time() 236 | logging.info("Epoch %d: %.5f, Time is %.2fs" % (i, epoch_loss, end_time - start_time)) 237 | 238 | model.eval() 239 | with torch.no_grad(): 240 | # metric is [precision, recall, f_score] 241 | dev_metrics = evaluate_model(config, model, dev_batches, "dev", dev_insts) 242 | if dev_metrics[2] > best_dev_f1: # save the best model 243 | logging.info("saving the best model...") 244 | best_dev_f1 = dev_metrics[2] 245 | 246 | model_to_save = model.module if hasattr(model, 'module') else model # Only save the model it-self 247 | optimizer_to_save = optimizer 248 | utils.save_checkpoint({'epoch': epoch + 1, 249 | 'state_dict': model_to_save.state_dict(), 250 | 'optim_dict': optimizer_to_save.state_dict()}, 251 | is_best=dev_metrics[2] > 0, 252 | checkpoint=model_name) 253 | 254 | # Save the corresponding config as well. 255 | if config_name: 256 | f = open(config_name, 'wb') 257 | pickle.dump(config, f) 258 | f.close() 259 | model.zero_grad() 260 | 261 | return model 262 | 263 | 264 | def evaluate_model(config: Config, model: BertCRF, batch_insts_ids, name: str, insts: List[Instance]): 265 | # evaluation 266 | metrics = np.asarray([0, 0, 0], dtype=int) 267 | batch_id = 0 268 | batch_size = config.batch_size 269 | for batch in batch_insts_ids: 270 | one_batch_insts = insts[batch_id * batch_size:(batch_id + 1) * batch_size] 271 | 272 | input_ids, input_seq_lens, annotation_mask, labels = batch 273 | input_masks = input_ids.gt(0) 274 | # get the predict result 275 | batch_max_scores, batch_max_ids = model(input_ids, input_seq_lens=input_seq_lens, annotation_mask=annotation_mask, 276 | labels=None, attention_mask=input_masks) 277 | 278 | metrics += evaluate_batch_insts(batch_insts=one_batch_insts, 279 | batch_pred_ids=batch_max_ids, 280 | batch_gold_ids=batch[-1], 281 | word_seq_lens=batch[1], idx2label=config.idx2labels) 282 | batch_id += 1 283 | # calculate the precision, recall and f1 score 284 | p, total_predict, total_entity = metrics[0], metrics[1], metrics[2] 285 | precision = p * 1.0 / total_predict * 100 if total_predict != 0 else 0 286 | recall = p * 1.0 / total_entity * 100 if total_entity != 0 else 0 287 | fscore = 2.0 * precision * recall / (precision + recall) if precision != 0 or recall != 0 else 0 288 | logging.info("[%s set] Precision: %.2f, Recall: %.2f, F1: %.2f" % (name, precision, recall, fscore)) 289 | return [precision, recall, fscore] 290 | 291 | 292 | def main(): 293 | logging.info("Transformer implementation") 294 | parser = argparse.ArgumentParser(description="Transformer CRF implementation") 295 | opt = parse_arguments_t(parser) 296 | conf = Config(opt) 297 | conf.train_file = conf.dataset + "/train.txt" 298 | conf.dev_file = conf.dataset + "/valid.txt" 299 | os.environ['CUDA_VISIBLE_DEVICES'] = opt.device_num 300 | # data reader 301 | reader = Reader(conf.digit2zero) 302 | set_seed(opt, conf.seed) 303 | 304 | # set logger 305 | utils.set_logger(os.path.join(conf.model_folder, 'train.log')) 306 | 307 | # params 308 | for k in opt.__dict__: 309 | logging.info(k + ": " + str(opt.__dict__[k])) 310 | 311 | # read trains/devs 312 | logging.info("\n") 313 | logging.info("Loading the datasets...") 314 | trains = reader.read_txt(conf.train_file, conf.train_num) 315 | devs = reader.read_txt(conf.dev_file, conf.dev_num) 316 | 317 | logging.info("Building label idx ...") 318 | # build label2idx and idx2label 319 | conf.build_label_idx(trains + devs) 320 | 321 | random.shuffle(trains) 322 | # set the prediction flag, if is_prediction is False, we will not update this label. 323 | for inst in trains: 324 | inst.is_prediction = [False] * len(inst.input) 325 | for pos, label in enumerate(inst.output): 326 | if label == conf.O: 327 | inst.is_prediction[pos] = True 328 | # dividing the data into 2 parts(num_folds default to 2) 329 | num_insts_in_fold = math.ceil(len(trains) / conf.num_folds) 330 | trains = [trains[i * num_insts_in_fold: (i + 1) * num_insts_in_fold] for i in range(conf.num_folds)] 331 | 332 | train_model(config=conf, train_insts=trains, dev_insts=devs) 333 | 334 | 335 | if __name__ == "__main__": 336 | main() 337 | -------------------------------------------------------------------------------- /baseline/utils.py: -------------------------------------------------------------------------------- 1 | import json 2 | import logging 3 | import os 4 | import shutil 5 | 6 | import torch 7 | 8 | 9 | class Params(): 10 | """Class that loads hyperparameters from a json file. 11 | 12 | Example: 13 | ``` 14 | params = Params(json_path) 15 | print(params.learning_rate) 16 | params.learning_rate = 0.5 # change the value of learning_rate in params 17 | ``` 18 | """ 19 | 20 | def __init__(self, json_path): 21 | with open(json_path) as f: 22 | params = json.load(f) 23 | self.__dict__.update(params) 24 | 25 | def save(self, json_path): 26 | with open(json_path, 'w') as f: 27 | json.dump(self.__dict__, f, indent=4) 28 | 29 | def update(self, json_path): 30 | """Loads parameters from json file""" 31 | with open(json_path) as f: 32 | params = json.load(f) 33 | self.__dict__.update(params) 34 | 35 | @property 36 | def dict(self): 37 | """Gives dict-like access to Params instance by `params.dict['learning_rate']""" 38 | return self.__dict__ 39 | 40 | 41 | class RunningAverage(): 42 | """A simple class that maintains the running average of a quantity 43 | 44 | Example: 45 | ``` 46 | loss_avg = RunningAverage() 47 | loss_avg.update(2) 48 | loss_avg.update(4) 49 | loss_avg() = 3 50 | ``` 51 | """ 52 | 53 | def __init__(self): 54 | self.steps = 0 55 | self.total = 0 56 | 57 | def update(self, val): 58 | self.total += val 59 | self.steps += 1 60 | 61 | def __call__(self): 62 | return self.total / float(self.steps) 63 | 64 | 65 | def set_logger(log_path): 66 | """Set the logger to log info in terminal and file `log_path`. 67 | 68 | In general, it is useful to have a logger so that every output to the terminal is saved 69 | in a permanent file. Here we save it to `model_dir/train.log`. 70 | 71 | Example: 72 | ``` 73 | logging.info("Starting training...") 74 | ``` 75 | 76 | Args: 77 | log_path: (string) where to log 78 | """ 79 | logger = logging.getLogger() 80 | logger.setLevel(logging.INFO) 81 | 82 | if logger.handlers: # revised 83 | logger.handlers.clear() 84 | print('logging file and console support') 85 | # Logging to a file 86 | file_handler = logging.FileHandler(log_path) 87 | file_handler.setFormatter(logging.Formatter('%(asctime)s:%(levelname)s: %(message)s')) 88 | logger.addHandler(file_handler) 89 | 90 | # Logging to console 91 | stream_handler = logging.StreamHandler() 92 | stream_handler.setFormatter(logging.Formatter('%(message)s')) 93 | logger.addHandler(stream_handler) 94 | 95 | 96 | def save_checkpoint(state, is_best, checkpoint): 97 | """Saves model and training parameters at checkpoint + 'last.pth.tar'. If is_best==True, also saves 98 | checkpoint + 'best.pth.tar' 99 | 100 | Args: 101 | state: (dict) contains model's state_dict, may contain other keys such as epoch, optimizer state_dict 102 | is_best: (bool) True if it is the best model seen till now 103 | checkpoint: (string) folder where parameters are to be saved 104 | """ 105 | filepath = os.path.join(checkpoint, 'last.pth.tar') 106 | if not os.path.exists(checkpoint): 107 | print("Checkpoint Directory does not exist! Making directory {}".format(checkpoint)) 108 | os.mkdir(checkpoint) 109 | torch.save(state, filepath) 110 | if is_best: 111 | shutil.copyfile(filepath, os.path.join(checkpoint, 'best.pth.tar')) 112 | 113 | 114 | def load_checkpoint(checkpoint, model, optimizer=None): 115 | """Loads model parameters (state_dict) from file_path. If optimizer is provided, loads state_dict of 116 | optimizer assuming it is present in checkpoint. 117 | 118 | Args: 119 | checkpoint: (string) filename which needs to be loaded 120 | model: (torch.nn.Module) model for which the parameters are loaded 121 | optimizer: (torch.optim) optional: resume optimizer from checkpoint 122 | """ 123 | if not os.path.exists(checkpoint): 124 | raise ("File doesn't exist {}".format(checkpoint)) 125 | checkpoint = torch.load(checkpoint) 126 | model.load_state_dict(checkpoint['state_dict']) 127 | 128 | if optimizer: 129 | optimizer.load_state_dict(checkpoint['optim_dict']) 130 | 131 | return checkpoint 132 | 133 | -------------------------------------------------------------------------------- /data/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/data/.DS_Store -------------------------------------------------------------------------------- /data/train_dict/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ZhuiyiTechnology/AutoIE/321ec39afa3c65c1bf6fbc2c74117f8b20d35ded/data/train_dict/.DS_Store -------------------------------------------------------------------------------- /data/train_dict/NUM.txt: -------------------------------------------------------------------------------- 1 | 第四十二季 2 | 第一季 3 | 第1部 4 | 第1季 5 | 第一部 6 | 第六季 7 | 1部 8 | 第五季 9 | 第7季 10 | 第二十三季 11 | 第四季 12 | 第一季 13 | 第10季 14 | 第四季 15 | 第3部 16 | 第6季 17 | 第十季 18 | 第二幕 19 | 第2期 20 | 第八季 21 | 第4套 22 | 第三套 -------------------------------------------------------------------------------- /data/train_dict/PER.txt: -------------------------------------------------------------------------------- 1 | 李湘 2 | 岳云鹏 3 | 陈妍希 4 | 鹿晗 5 | 谢霆锋 6 | 马馺 7 | 胡歌 8 | 成龙 9 | 小刚 10 | 刘昊然 11 | 于谦 12 | 张卫健 13 | 李安然 14 | 旋风 15 | 李娜 16 | 陈柳 17 | 黄磊 18 | 周柏豪 19 | 陈奕迅 20 | 瑟妃 21 | 周星驰 22 | 马德钟 23 | 黄渤 24 | 郑雨盛 25 | 宫崎骏 26 | 李雪健 27 | 影魔 28 | 杨千嬅 29 | 凌波玲 30 | 叁金壹良 31 | 廉廉 32 | 陈浩民 33 | 小书 34 | 刘涛 35 | 鹿晗 36 | Clown 37 | 罗志祥 38 | 施瓦辛格 39 | 霍建华 40 | 沈凯晨 41 | 马可 42 | Paramore 43 | 沈腾 44 | 陈伟霆 45 | 程荣杰 46 | 朱一龙 47 | 孙俪 48 | 赵权 49 | 诺一 50 | 糖宝 51 | 小骨 52 | 小沈阳 53 | 籽岷 54 | 归魂百战 55 | 秋瓷炫 56 | 王重阳 57 | 王祖蓝 58 | 林志玲 59 | 马修鹏 60 | 任达华 61 | 吴秀波 62 | 朱长安 63 | 杨颖 64 | 郑爽 65 | 李小鹏 66 | TFBOYS 67 | 佘诗曼 68 | 欧阳娜娜 69 | 苏有朋 70 | 梁朝伟 71 | coco星痕 72 | 孙越 73 | 九墨 74 | JJCC 75 | 汤唯 76 | Baby 77 | 林永健 78 | 旺堆 79 | 释小龙 80 | 小不点 81 | 小彬 82 | 吴倩莲 83 | 郭富城 84 | 神降 85 | 罗晋 86 | 黄日华 87 | 尹光 88 | 刘伯温 89 | 晨逸 90 | 周冬雨 91 | 鑫魂 92 | 董洁 93 | 火星哥 94 | 赵雅芝 95 | 叶童 96 | 陈美琪 97 | 托马斯·米德迪 98 | 吴谨言 99 | 刘丽 100 | 方中信 101 | 籽墨 102 | 良民 103 | 范冰冰 104 | 娜扎 105 | 逆风笑 106 | 谢涤葵 107 | 张嘉译 108 | 韦礼安 109 | 金秀贤 110 | 王力宏 111 | 白仔 112 | 孙超 113 | 米兹 114 | 刘思彤 115 | 高峰 116 | 李文均 117 | 金晨 118 | 郭美美 119 | 井柏然 120 | 吴镇宇 121 | 赵丽蓉 122 | 冉阿让 123 | 吴莫愁 124 | 凃磊 125 | 邓丽欣 126 | 毒蛇 127 | 乾隆 128 | 李钟硕 129 | 郑仲亮 130 | 胡海泉 131 | 罗友非 132 | 快乐家族 133 | 袁姗姗 134 | 小跃 135 | 海涛 136 | 林宇轩 137 | SNH48 138 | 蓝若恬 139 | 文松 140 | 蒋伍轩 141 | 吴刚 142 | 苹果 143 | 丁大命 144 | 林黛 145 | 凌冬 146 | 刘俊海 147 | 罗素克劳 148 | 小爱 149 | 刘烨 150 | 周妈妈 151 | 林冲 152 | 掸掸 153 | A家FG王畅 154 | 姜文 155 | 胡喆 156 | 马云 157 | 乔欣 158 | 囧脸 159 | 范文芳 160 | 浅茶 161 | 于智博 162 | 鲁豫 163 | 麦积柒少 164 | 易烊千玺 165 | 周秀娜 166 | 郑少秋 167 | 羽泉 168 | 吴大维 169 | esther 170 | 仲王 171 | 杨飞 172 | 丹尼斯吴 173 | 蒋梦婕 174 | 丫头 175 | 魔术杨 176 | 萌男 177 | 陈世美 178 | 白凯南 179 | simplyunlucky 180 | 吴语 181 | 乔恩 182 | 朴娜娜 183 | Bigbang 184 | 赵传 185 | 薛之谦 186 | 颖儿 187 | 傅晶 188 | nada 189 | 李乃文 190 | 小酥松 191 | pink 192 | 王昆 193 | 陈都灵 194 | 关晓彤 195 | 马思纯 196 | 幽麟 197 | 迈克尔杰克逊 198 | 一炫 199 | 小致 200 | 高桥南 201 | 狄龙 202 | 邓伦 203 | 杉原杏璃 204 | 李克勤 205 | 小灿 206 | 陈松伶 207 | 马列 208 | 徐冬冬 209 | 雍正 210 | 具惠善 211 | 李民浩 212 | 金范 213 | 风小筝 214 | 杨碧玉 215 | 刘三妹 216 | 张铭恩 217 | 赵宇航 218 | 张云帆 219 | 贤哥 220 | infinite阿囧 221 | 聂远 222 | 莫妮卡·贝鲁 223 | 吴武强 224 | 余文乐 225 | 凯丽 226 | 斯琴高娃 227 | 梁植深 228 | 费曼 229 | 新之助之新 230 | 轻风 231 | 小然 232 | 巩汉林 233 | 孙芮 234 | 沙溢 235 | 羽霏 236 | 尹子维 237 | 谭咏麟 238 | 雪梨 239 | 慈禧 240 | 粉鱼 241 | 布鲁斯 242 | 小白 243 | 刘畅 244 | 林武樟 245 | 李菁 246 | JSXmas 247 | 刘真 248 | 阿里 249 | 钟淑 250 | 王学圻 251 | 刘恺 252 | 林书豪 253 | 米奇 254 | 包子哥 255 | 华仔 256 | 刘镇伟 257 | 瓜子 258 | 马天宇 259 | 刘蓓 260 | 文章 261 | 何立清 262 | 炎亚纶 263 | 徐长卿 264 | 热狗 265 | 趙麗穎 266 | 抽烟 267 | 谷峰 268 | 狂湿 269 | 孙悦 270 | 谭俊彦 271 | 朱晨丽 272 | 孟玄朗 273 | LuHan 274 | 飞翔鸟乐队 275 | 黄菡 276 | 星爷 277 | 鑫晶 278 | 朴恩惠 279 | 凤姐 280 | 芙蓉姐姐 281 | 古龙 282 | 李亚鹏 283 | 于于 284 | 陈意涵 285 | 大飞-黄 286 | 涂磊 287 | 周迅 288 | 倪子钧 289 | 小欢哥 290 | 谭卓 291 | 李维嘉 292 | 徐佳莹 293 | 庾澄庆 294 | Andy哥 295 | 周笔畅 296 | 花正 297 | 糖醋果果 298 | 袁弘 299 | 曹格 300 | 李安妮 301 | 菲儿 302 | 雨轩 303 | 李丽华 304 | 荣蓉 305 | 轩轩 306 | 张家辉 307 | 姚笛 308 | 梁贤 309 | 马伊琍 310 | 李国豪 311 | 陈莎莎 312 | 郭涛 313 | 粱家辉 314 | 李瑞镇 315 | 玉泽演 316 | 金智英 317 | 孙泰英 318 | 郑丽媛 319 | 小天哥 320 | 五月天 321 | 泰森 322 | 專屬の凡寳 323 | 南阳任国熙 324 | 高亚麟 325 | 王健林 326 | 黛米摩尔 327 | 湘君 328 | 应采儿 329 | 胡杏儿 330 | 杨蓉 331 | 王铮 332 | 籽辰 333 | 刘宇光 334 | 文东俊 335 | 蔡明 336 | 英壮 337 | 德哥 338 | 猪猪 339 | 冯远征 340 | 严基俊 341 | 威廉-莎士比亚 342 | 郎鹤炎 343 | 吴彦祖 344 | 曹丕 345 | 刘楷俊 346 | 乔布斯 347 | 薛佳凝 348 | Cindy 349 | 童蕾 350 | 贝儿 351 | 飞轮海 352 | 李老师 353 | 无味蓝染 354 | 钟镇涛 355 | 柳大华 356 | 王冠雄 357 | 金多喜 358 | 姚晨 359 | 秀罗先端 360 | 张娜拉 361 | 张檬 362 | 苍穹 363 | 梁凯恩 364 | 张子萱 365 | 孙怡 366 | 金钟国 367 | 阿铁 368 | 嫣儿 369 | 梁静茹 370 | 常洪涛 371 | 孙恺妍 372 | 李茂 373 | 蓝盈莹 374 | 栾云平 375 | 马雅舒 376 | 昌珉 377 | 官晶晶 378 | 朱刚日尧 379 | 小满 380 | 利刃孤锋 381 | 赫本 382 | zi_yai 383 | 魏晨 384 | 玄彬 385 | 宋慧乔 386 | 李成龙 387 | 李沁 388 | 小煋 389 | 金宇轩 390 | 张学良 391 | 小伍 392 | 孙勇征 393 | 苗利明 394 | 王自健 395 | 明道 396 | 吴卓羲 397 | 杨怡 398 | 李倩 399 | 杨紫 400 | 林老师 401 | 张彬彬 402 | 王小利 403 | 孙丽荣 404 | 小贝 405 | 许允美 406 | 王妃 407 | 郑晓宁 408 | kaitlyn 409 | eve 410 | 蒋金阳 411 | 潇龙 412 | 江烽 413 | 赵炎 414 | 尹相杰 415 | 牟洋 416 | 洛辰 417 | 明月庄主 418 | 刘邦 419 | 雷恩斯痛 420 | 李秀彬 421 | 黄俊英 422 | 小虹虹 423 | 易中天 424 | 温碧霞 425 | 高玩 426 | 黄云 427 | 杰西卡 428 | 暮云 429 | 曼妮 430 | 老林 431 | 保剑锋 432 | 黄维德 433 | 东北F4 434 | 史敏 435 | 孙策 436 | 张翰 437 | 谢贤 438 | TOVE 439 | 托尼贾 440 | 刘丹 441 | 张岸 442 | 毛晓彤 443 | 大锤 444 | 孙中山 445 | 颜丹晨 446 | 邓辉鹏 447 | 湉湉 448 | 蛋黄 449 | 茜拉 450 | 风少 451 | 王泷 452 | 星痕 453 | 方力申 454 | tf家族 455 | 影佑 456 | 韩孝珠 457 | 李英雅 458 | 馨爷 459 | 豫畅 460 | 赵靖 461 | 泰歌 462 | 金刀先森 463 | 送葬者 464 | 子豪 465 | 抽风 466 | 刘国梁 467 | 刘凯威 468 | 安雅萍 469 | Biyang 470 | TuaSaranyu 471 | 孙一峰 472 | 刘维 473 | 梧桐 474 | 反町隆史 475 | teentop 476 | 李夏怡 477 | 东尼大木 478 | 郑秀晶 479 | 萧敬腾 480 | 白冰 481 | VIP小干 482 | 黄子华 483 | 马一凡 484 | 小黑 485 | 成都 486 | 张文顺 487 | 郭德纲 488 | 薛峰 489 | YOYO 490 | 钡钡 491 | 曹圆雪 492 | 袁咏仪 493 | 酷玩君 494 | 张静初 495 | 梅根 496 | 张云雷 497 | 阿姆瑞塔·拉奥 498 | 桂治洪 499 | 梁家辉 500 | 刘博文 501 | 乔杉 502 | 邱鸿彬 503 | 老张 504 | 史爱东 505 | 恶魔 506 | 夏夜 507 | 金来沅 508 | 威尔史密斯 509 | 海顿 510 | 斯温 511 | 李英爱 512 | 虚无 513 | 修罗c 514 | 张雪迎 515 | 杨达 516 | 小王 517 | 胡袁萍 518 | 王雅捷 519 | 弟弟 520 | 樊少皇 521 | 黄贯中 522 | 逍宏 523 | 阚清子 524 | 张丹峰 525 | 唐志中 526 | 李安国 527 | 于朦胧 528 | 威廉 529 | 娄艺潇 530 | 白鸽 531 | 新之助 532 | 芭比.BoB 533 | 曾沛慈 534 | SpeXial 535 | 寇仲 536 | 宋玉 537 | Biu小宇 538 | 王媛可 539 | 扁桃 540 | FORT 541 | 姚明 542 | 彦希 543 | SuperJunior 544 | Lunar 545 | 樊亦敏 546 | 周比利 547 | 朴有天 548 | 神风 549 | 妖妖 550 | 金善雅 551 | 王丽云 552 | 黑人 553 | 香取慎吾 554 | 陈百祥 555 | AKB48 556 | 天使 557 | 王传君 558 | 钱惠丽 559 | 神话Andy 560 | 小花妹妹 561 | 小大大 562 | 成哥 563 | 春风萧落 564 | wks 565 | 小米丸子 566 | 疯狂PVZ 567 | 吕良伟 568 | 全相彦 569 | 老湿 570 | 陈希伯 571 | 金显祐 572 | 咸者 573 | 陈安之 574 | 陈宝国 575 | 小涛 576 | 秦树强 577 | 金素恩 578 | 李顺载 579 | 凌云 580 | SHAHRUKH 581 | 邵兵 582 | LGD 583 | zjh鸿星尔克 584 | 张惠妹 585 | 姜武 586 | 征服者 587 | 小智 588 | 小莫 589 | 王小虎 590 | 刘松仁 591 | Yan 592 | Kobe 593 | 陶铸 594 | 周云峰 595 | 陈玉林 596 | 橙橙 597 | 于和伟 598 | 乔振宇 599 | 郭家铭 600 | 阿甘 601 | 妲己 602 | 玛丽莲梦露 603 | 余安安 604 | 潘虹 605 | 金瀚 606 | 林子闳 607 | 蔡国庆 608 | 单老师 609 | 秦俊杰 610 | 秀敏 611 | 武强 612 | 詹哥 613 | 王菊 614 | 李若彤 -------------------------------------------------------------------------------- /data/train_dict/TV.txt: -------------------------------------------------------------------------------- 1 | 蜡笔小新 2 | 奔跑吧兄弟 3 | 爸爸回来了 4 | 爸爸去哪儿 5 | runningman 6 | 新白娘子传奇 7 | 超凡蜘蛛侠 8 | 冲霄楼 9 | 终极三国 10 | 行尸走肉 11 | 祝你生日快乐 12 | 武媚娘传奇 13 | 风中奇缘 14 | 京华春梦 15 | 大话西游 16 | 夏目友人帐 17 | 晓说 18 | 燥公园 19 | 天堂里的异乡人 20 | 名侦探柯南 21 | 天龙八部 22 | 哈佛比耶鲁:29-29 23 | 虎口脱险 24 | 步步惊心 25 | 最强大脑 26 | 燃烧吧大脑 27 | 摘星梦难圆 28 | 假面骑士铠武 29 | 大帅哥 30 | 爱情保卫战 31 | 圆梦大师 32 | 刘家媳妇 33 | 速度与激情 34 | 胜者为王 35 | 小黄人大眼萌 36 | 十三密杀令 37 | 神经侠侣 38 | 裁判battle秀 39 | 武大的小姐姐们 40 | 荒野求生 41 | 赌圣 42 | 七龙珠 43 | 歌唱动荡的青春 44 | 延安颂 45 | 命转乾坤 46 | 篮球火 47 | 球爱酒吧 48 | 跑男 49 | 欢乐颂 50 | 安娜与武林 51 | 飞龙斩 52 | 梦想Dream 53 | 为你而来 54 | 小心“陷阱” 55 | 心灵干探 56 | 笑笑茶楼 57 | 动物世界 58 | GX 59 | 毛骗 60 | THELAST 61 | 秦时明月 62 | 舌尖上的中国 63 | 绝代双骄 64 | 凤凰血 65 | 熊出没 66 | 猪猪侠 67 | 粉红猪小妹 68 | 华人世界 69 | 你会怎么做 70 | 非常完美 71 | 蜗居 72 | 何以笙箫默 73 | 狐狸的夏天 74 | 月上昆仑 75 | 武陵山剿匪记 76 | 机密档案 77 | 孝庄秘史 78 | 借东西的小矮人-阿莉埃蒂 79 | 破坏者 80 | 地下铁 81 | 哆啦a梦 82 | 我们仨 83 | 独木桥 84 | 拯救希尔加 85 | 子婴魔魂 86 | 毛泽东与中国 87 | 蓝与黑 88 | 一周的偶像 89 | 呼风唤雨 90 | 欢乐喜剧人 91 | 欢喜就好之五星大饭店 92 | 刀剑神域 93 | 卷土重来 94 | 寻亲记 95 | 重耳传奇 96 | 完结篇 97 | 好久不见 98 | 我是僵尸 99 | 四平青年 100 | 翻开这一页 101 | 下一站幸福 102 | 主妇也要拼 103 | 中国命运的决战 104 | 我们的挑战 105 | 女人帮 106 | 穿透屋顶的highkick 107 | 娱乐有机物 108 | MEMORIESOFNOBODY 109 | 烽火边城 110 | 鹿鼎记 111 | 奴里 112 | ウルトラマンA 113 | 艾斯奥特曼 114 | 大唐双龙传 115 | 我要上春晚 116 | 带刀女捕快 117 | 警察故事 118 | 浪漫曲 119 | 易中天品三国 120 | 放羊的星星 121 | 高兴逮笨贼 122 | 复仇者联盟 123 | 纪录东方 124 | 恶客 125 | 音乐风云榜 126 | 少林寺传奇藏经阁 127 | 倩女幽魂 128 | 龙虎沟 129 | 风云1911 130 | 环球跨年冰雪盛典 131 | 康熙王朝 132 | 特警力量 133 | 仙侠奇缘 134 | 有一种电影叫香港 135 | 奥创时代 136 | 法证先锋 137 | 血洗红花亭 138 | yeehob夫人 139 | 恶爷 140 | 巴啦啦小魔仙 141 | 音符之谜 142 | 铁旗门 143 | 囧先生 144 | 千金归来 145 | 袁游 146 | 武林外传 147 | 特殊使命 148 | TidaPayayom 149 | 揭秘真相 150 | 这!就是原创 151 | 我爱满堂彩 152 | 中国正在听 153 | 杀无赦 154 | 我的梦幻婚纱:大日子(特别版) 155 | 新包青天 156 | 你是我的答案 157 | 大宋王朝 158 | 佐杜洛夫斯基的沙丘 159 | 亲爱的 160 | 上将洪学智 161 | 沉睡魔咒 162 | 都市巡警 163 | 快乐的小鸡 164 | 死神的十字路口 165 | 鬼4虐 166 | 最佳爱情 167 | 一年幽梦 168 | 食全食美 169 | 中国好人 170 | 重生归来 171 | 拳精 172 | O记实录 173 | 来自星星的你 174 | 寻秦记 175 | 未经安排的青春 176 | 唐伯虎点秋香 177 | 人见人爱 178 | wwe 179 | 海狸兄弟 180 | 烈日当空 181 | 红色的梦 182 | 我爱神仙遮 183 | 土地公土地婆 184 | 华豫之门 185 | 围炉音乐会 186 | 激战食人虫 187 | 罗小黑战记 188 | 星厨集结号 189 | 大好时光 190 | 六连煞 191 | 栀子花白兰花 192 | 赌侠 193 | 网球王子-全国大赛 194 | 对话 195 | 四大名捕 196 | 神探夏洛克 197 | 嵩山武僧 198 | 头号玩家 199 | 开门大吉 200 | 搜神传 201 | 新上海滩 202 | 新唐山大兄 203 | 晚晴 204 | 生命有明天 205 | 天天体育 206 | 笑动 207 | 机器猫 208 | 虎侃电影 209 | 原来是美男 210 | 龙虎戏凤 211 | 匹诺曹 212 | 国医档案 213 | 相爱穿梭千年 214 | 拯救盒怪 215 | 詹姆士的厨房 216 | 镖旗飞扬 217 | 神与神 218 | 小小智慧树 219 | 捉妖记 220 | 穿越时间的味道 221 | 恶作剧之吻 222 | 李卫当官 223 | 唐唐神吐槽 224 | 真实纪录 225 | 飞越童真 226 | 靠近我温暖你 227 | Barsaat 228 | 广东十虎苏灿 229 | 亢龙有悔 230 | 肖申克的救赎 231 | 超级亚洲 232 | 爱火 233 | 胭脂扣 234 | 象限之眼 235 | 康熙微服私访记 236 | 小马宝莉 237 | 烽火丹青 238 | 回家吃饭 239 | CGC Girls Collection潮流女孩盛典 240 | 最后一张签证 241 | 天下无敌李平冈 242 | 三傻闹地球 243 | 未来初音 244 | 城市的星空 245 | 何方神圣 246 | 城市猎人 247 | 一起乐队吧 248 | 禁海苍狼 249 | 疯狂大老千 250 | 奥创纪元 251 | 爆笑闯宇宙 252 | 御猫三戏锦毛鼠 253 | 海岛救护队 254 | 伪装者 255 | 卖命小子 256 | 昆虫总动员 257 | 灵幻先生 258 | 金星脱口秀 259 | 黄飞鸿之男儿当报国 260 | 神医喜来乐 261 | 星星的房子 262 | 牛仔裤的夏天 263 | 眼下的一刻 264 | 天宫出征 265 | 泰坦尼克号 266 | 天蚕变之再与天比高 267 | 我是大医生 268 | 星映话 269 | 天使的面孔 270 | 华山论鉴 271 | 开讲啦 272 | 水浒无间道 273 | 绝迹重生 274 | 绿水青山带笑颜·安徽卫视春节联欢晚会 275 | 老子传奇 276 | 乞丐变王子 277 | 加油饭米粒 278 | 情圣 279 | 天下第二 280 | 追追追 281 | 北京春晚 282 | 美食大篷车 283 | 刺刀英雄 284 | 鬼同你OT 285 | 大声说出来 286 | 行旅天下 287 | WitchCraftWorks 288 | 仇连环 289 | 向左搞向右搞 290 | 头文字d 291 | 小猪佩奇 292 | 聊斋新编 293 | 我们的世界:被遗忘的沉船 294 | 白云阶梯 295 | 食堂夜话 296 | 解救吾先生 297 | 中国机长 298 | 一站到底 299 | 闪婚总裁 300 | 家政女皇 301 | 二月泉 302 | 天下第一味 303 | 中国好舞蹈 304 | 大家庭 305 | 爱情失事 306 | 新青年 307 | 决杀令 308 | 太阳河 309 | 风光大嫁 310 | 致命梦魇 311 | 甄嬛传 312 | 游戏大厅 313 | 火并 314 | 特工学院 315 | 蜀山战纪 316 | 天狼星行动 317 | 风暴 318 | 西游记后传 319 | 棒棒的幸福生活 320 | 小咖秀 321 | 心之山 322 | 谢文东 323 | 逮捕 324 | 帮规 325 | 对立能否克服.~激辩.领土之争与日中韩关系 326 | 孽债 327 | 青囊传 328 | 少林僵尸 329 | 触不到的TA 330 | 正邪双雄 331 | 看鉴说 332 | 麦香军嫂 333 | 芭比娃娃 334 | 喝彩中华 335 | 无名卫士 336 | 光荣时代 337 | 马大帅 338 | 老鼠爱大米 339 | 爆笑卡其马 340 | 谈股论金 341 | 强军 342 | 国难之士 343 | 创始人说 344 | 法庭风云 345 | 乡里人家 346 | 飞虎精英 347 | 人间有情 348 | 中央广播电视总台网络春晚 349 | 巧虎乐智小天地 350 | 我们的世界:世界改变的那一年 351 | 那个傻瓜 352 | 水浒传 353 | 奥盟字幕组 354 | 王昭君 355 | 天音琴魔 356 | 捉鬼大师 357 | 少年远游 358 | 直通春晚 359 | 女主播风云 360 | 小时代 361 | 鸳鸯剑侠 362 | 微纪实 363 | 煽疯点火 364 | 加油,你是最棒的 365 | Naruto 366 | 浪客剑心 367 | 甜蜜蜜 368 | 我们的世界:活女神 369 | 雷霆出击 370 | 绝对经典 371 | 力王 372 | 阅文原创文学风云盛典 373 | 电脑奇侠重启 374 | 笑看风云 375 | 行走贡嘎 376 | 单行线 377 | 我是车手 378 | 琅琊榜 379 | 厨王 380 | 9号秘事 381 | 李三枪 382 | 万象 383 | 家门的荣光 384 | 明天,最后一天 385 | 赌魔 386 | 只为遇见你 387 | 千禧婴孩档案 388 | 欲望 389 | 病魔缠身 390 | 逐日英雄 391 | 苏区兄弟 392 | 风暴之路 393 | 一起又看流星雨 394 | 溏心风暴 395 | 我的心里住着一只猫 396 | 迷彩虎 397 | 东方风云榜 398 | 女婿上门了 399 | 老手艺 400 | 僵尸叔叔 401 | 月老玄七 402 | 法外风云 403 | 岁岁轻寒 404 | 步步为营 405 | 夜深人不静 406 | 猎狼人 407 | 剩男相亲记 408 | 我们的生活充满阳光 409 | 南少林寺 410 | 黑狱断肠歌 411 | 一周好莱坞 412 | 2013长城音乐节 413 | 五台山抗日传奇女兵排 414 | 新十口之家 415 | 了不起的挑战 416 | 无法原谅犯错 417 | 情侠追风剑 418 | 碧血剑 419 | 一屋两火 420 | 正义之凛 421 | 笑料百出 422 | 特别的爸爸 423 | 等等啊我的青春 424 | 网球王子全国大赛 425 | 憨夫成龙 426 | 疯狂一家秀 427 | 神勇小飞虎 428 | 警告 429 | 联合战记 430 | 散华礼弥 431 | 不了情 432 | 生活+周末开聊 433 | 修行两千年 434 | 奇门遁甲 435 | 拿命来 436 | 北京青年 437 | 我想见到你 438 | 笨贼快跑 439 | 十二生肖 440 | 中国新声代 441 | 童子功 442 | 爱你千万次 443 | 中国汽车新闻报道 444 | 江山美人 445 | 勇敢的心 446 | 股票天天向上 447 | 辛巴达历险记 448 | 徐老师来巡山 449 | 江湖.COM 450 | 喋血满洲 451 | 最强大脑 452 | 彩排揭秘 453 | 潮起两江 454 | 我是证人 455 | 姥姥的饺子馆 456 | 鸿观 457 | 悟空出世 458 | 妻子和女人 459 | 非凡英雄 460 | 法网追凶 461 | 畅想未来 462 | 蒙面唱将猜猜猜 463 | 分手大师 464 | 只对你钟情 465 | 新牛郎织女 466 | 两个妻子 467 | 浮生一日 468 | 三傻大闹宝莱坞 469 | 秘密战记 470 | 传家宝里的新中国 471 | 克拉恋人 472 | 风云争霸 473 | 情迷大堡礁 474 | 登月第一人 475 | 老炮儿 476 | 绿草地 477 | Ghost 478 | 歌手 479 | G12特别行动组—未来战士 480 | 秋天的童话 481 | 猛鬼差馆 482 | 喋血黎明 483 | 流淌的美好时光 484 | 许茂和他的女儿们 485 | 消费主张 486 | 美丽俏佳人 487 | 文娱午报 488 | 搞笑一家人 489 | 一路向西 490 | 葫芦娃 491 | 爸爸去哪 492 | 这就是好莱坞 493 | 哥斯拉 494 | 棋牌乐 495 | 秦时明月之百步飞剑 496 | 你是我的眼 497 | 奈欧斯·奥特曼 498 | 惊艳一枪 499 | 日心说 500 | 未知死亡 501 | One.Piece 502 | 优股学堂 503 | 娜娜的一天 504 | 羁绊 505 | 背影 506 | 毒战 507 | 香瓜七兄弟 508 | 数位游戏王 509 | 桃花运 510 | 笑红颜 511 | 兄弟 512 | 医馆笑传 513 | 干尽苦差事 514 | 金石良缘 515 | 有请主角儿 516 | 潮爆大状 517 | 世纪突击 518 | 特技人 519 | 夺魂铃 520 | 厉害了奶爸 521 | 天方晏谈 522 | 尝粪忧心 523 | 太子妃升职记 524 | 六月夏初 525 | 双11里的人 526 | 启示录 527 | Running Man 528 | 创世纪 529 | 创客中国 530 | 手枪队 531 | 飞哥大英雄 532 | 假面骑士Drive 533 | 小Q 534 | 我们恋爱吧 535 | 二龙湖浩哥之狂暴之路 536 | 宠物小精灵 537 | 一吻定情 538 | 行运一条龙 539 | 时尚江湖 540 | 三只小猪 541 | 无名女士 542 | 迷蝶 543 | 遍地阳光 544 | 密战 545 | 圆月弯刀 546 | 你好 再见 547 | 澳门食光 548 | 映山红 549 | 连环套 550 | 一场遇见爱情的旅行 551 | 疯狂衣橱 552 | 圣斗士星矢 553 | 少林搭棚大师 554 | 老威的X计划 555 | 需要浪漫 556 | 黎明绝杀 557 | 军事纪实 558 | 美味人生 559 | 满天神佛 560 | 明星陪你看 561 | 国剧盛典 562 | 马路英雄 563 | 憨豆先生的大灾难 564 | 最可爱的人 565 | 军情解码 566 | 左轮右你 567 | 那座城这家人 568 | 乾隆下扬州 569 | 疯狂梦幻城 570 | 穿越时空的爱恋 571 | 风云人物 572 | 暖暖的新家 573 | 像小朵一样 574 | oh我的维纳斯 575 | 比天高比地厚 576 | 幸福久久·山东卫视春节联欢晚会 577 | 音乐会 578 | 家庭秘密 579 | 王保长后传 580 | 奇葩遗嘱 581 | 中央广播电视总台元宵晚会 582 | 极品师徒 583 | 方世玉与洪熙官 584 | 烽火侨女 585 | 夺宝熊兵 586 | 蜘蛛侠 587 | 一夜情深 588 | 反黑先锋 589 | 明星同乐会 590 | E!NEWS 591 | 面包超人 592 | 一部有我出镜的影片 593 | 低头不见抬头见 594 | 国际双行线之了不起的她 595 | 我们的世界:菲律宾毒品战争 596 | 手足歧途 597 | 亲情回归 598 | 热血无赖 599 | 爱在春天 600 | 红蔷薇 601 | 天桥风云 602 | 淑女涩男 603 | 雪岭熊风 604 | 雪岭双熊 605 | 错点鸳鸯 606 | 仙侠剑 607 | 幸福在哪里 608 | 短腿的反击 609 | 我家有喜 610 | 骨瓷相思 611 | 聊斋之黑山姥妖 612 | 莽荒纪 613 | 假面骑士ghost 614 | 落叶飞刀 615 | 北平战与和 616 | 我们的父辈 617 | 炽爱游戏 618 | 头文字D 619 | 千年之爱 620 | 死亡名单 621 | 特别呈现 622 | 神枪 623 | 生人勿近之问米通灵 624 | 绽放青春 625 | 暴走看啥片儿 626 | 魔梦 627 | 2100黑白相對論 628 | 秘密菜园 629 | 天火 630 | 静距离 631 | 一马三司令 632 | 爱的旅行 633 | 火红青春 634 | 魔鬼女 635 | 少年威计划 636 | 大内高手 637 | 伊电之东 638 | 冬日狂欢 639 | 激情永远燃烧 640 | 丛林历险记 641 | 一半天堂 642 | 你好邻居 643 | 极速僵尸 644 | 共和国血脉 645 | 无名小子 646 | 生活大数据 647 | 电竞高手 648 | 猛鬼入侵黑社会 649 | 奇妙的旅客 650 | 匠仓 651 | 好生活在路上 652 | 找你算账 653 | 时间都知道 654 | 钢铁三国志 655 | 游戏王5Ds 656 | 陌路徒者 657 | 如阳似丘 658 | 名著解读 659 | 盲探 660 | 地平线:神奇的双胞胎 661 | 疾速追杀 662 | 北斗风云 663 | 龙之吻 664 | 法治中国 665 | 死前之吻 666 | 我与猴子有个约会 667 | 往事 668 | 小世界 669 | 李天腾与赵小宝 670 | 初恋那一天所读的故事 671 | 轩辕剑 672 | 千里寻母 673 | 此时此刻 674 | 乐浪公主与好童王子 675 | 龙套 676 | 杉杉来了 677 | 夺帅 678 | 非洲奇幻之旅 679 | 逆天者 680 | 独自等待 681 | 上海沧桑 682 | 哗!英雄 683 | 大胃王 684 | 四骑士 685 | 准妈妈四重奏 686 | 余额不足 687 | 红岩 688 | 童年的许诺 689 | 黄河岸边是我家 690 | 金燕子 691 | 时间长河里的历史 692 | 日落湄南河 693 | 泰国谭克拉布寺庙 694 | 水怪 695 | 风起云涌的丛林冒险 696 | 玫瑰,夜来香 697 | 可凡倾听 698 | 幸福妈妈 699 | 英雄无悔 700 | 江苏卫视元宵荔枝灯会 701 | 生财有道 702 | 跃龙门 703 | 英雄贵姓 704 | 看鉴历史 705 | 艺术人生 706 | 粉红豹 707 | 我就是演员 708 | 别有动机 709 | 幸福岛味道 710 | 明星的恋人 711 | 大汉口 712 | 誓不罢休 713 | 暗战 714 | 他们已不再变老 715 | Monstar 716 | 风云寞 717 | 回到明朝当王爷之杨凌传 718 | 只想爱 719 | 风云决 720 | 侠客行 721 | 猜猜我是谁 722 | 食在囧途 723 | 湖南卫视2019-2020跨年演唱会 724 | 正阳门下 725 | 世界:变性儿童 726 | 藩篱情缘 727 | 女王的柯基 728 | 发现北纬30度 729 | 风云传奇 730 | 爱是一场盛宴 731 | 杀手蝴蝶梦 732 | 独孤天下 733 | 永恒国度 734 | 喜临门 735 | 倾计节目 736 | 尸体解剖 737 | Autopsy 738 | 谢谢侬 739 | 五爪十八翻 740 | 解码财 741 | 唐人街疯狂夜 742 | 月光宝盒 743 | 初心 744 | 阿德尔曼夫妇 745 | 大冰小将 746 | 湖南卫视春节联欢晚会 747 | 公主裙 748 | 红色记忆 749 | 灌篮吧!兄弟 750 | 三更车库 751 | 凤鸣岐山 752 | 开心边角料 753 | 钟馗嫁妹 754 | 景德镇 755 | 外交风云 756 | 游侠儿 757 | 快刀洪吉童 758 | 漂洋过海来看你 759 | 育儿大作战 760 | 托马斯路亚日记 761 | 飞刀又见飞刀 762 | 危情实录 763 | 中央广播电视总台春节联欢晚会 764 | 全球华人新春大联欢 765 | 不羁 766 | 九龙冰室 767 | 省委书记 768 | 紫光寺 769 | 漂之缘来是你缘本无约 770 | 猪八戒·传说 771 | 骊姬传奇 772 | 头号前妻 773 | 迪迦奥特曼 774 | 鬼咬鬼 775 | 乐天派 776 | 307 777 | 青年探秘者 778 | 最强小孩 779 | 我家有个赵大咪 780 | 神的礼物 781 | 赌侠2002 782 | 国际双行线之情感行动派 783 | 婚礼兄弟 784 | 棋魂 785 | 他们生活的世界 786 | 精灵小王子 787 | 吐槽大会 788 | 碟中谍 789 | 好女人,坏女人 790 | 狗不理传奇 791 | 河西走廊 792 | 诛仙 793 | 万物生长 794 | 蜡笔小新新番 795 | 拒绝末日 796 | 偶像外传 797 | 老友狗狗 798 | 笑星闯地球 799 | 大闹天宫 800 | 今晚80后脱口秀 801 | 宝贝别害怕 802 | 归来的奥特曼 803 | 沉默的证人 804 | 独臂刀王 805 | 生死门 806 | 包青天之开封奇案 807 | 清宫大刺杀 808 | 托马斯大电影 809 | 世界探险记 810 | 送我上青云 811 | 非正式课堂 812 | 失孤 813 | 我们的世界:清洗 814 | 广州大爱 815 | 与爱同眠 816 | 了不起的沙发 817 | 过往城事 818 | 流浪歌手 819 | 横财就手 820 | 寻找手艺 821 | 人参娃娃 822 | 燃烧的青春 823 | 红莲之蓬莱岛 824 | 我中国少年 825 | 南少林荡倭英豪 826 | 永远的万事屋 827 | 大破瓦罐寺 828 | 牵手 829 | 救火英雄 830 | Ju.Qi.Shou.Lai 831 | 游龙戏凤 832 | 快乐大本营b综艺 833 | 战火中的花蕾 834 | 涩之恋 835 | 草间弥生的生活 836 | 萌医甜妻 837 | 暗警 838 | 阴间响马.吹鼓吹 839 | 美人心计 840 | 周军的行走 841 | 笨小孩 842 | 热血商人 843 | 浙江卫视跨年晚会 844 | 巴德林纳特 845 | 中国达人秀 846 | 浴血反击 847 | 遇见你真好 848 | S第 849 | 神捕铁飞花 850 | 横财局中局 851 | 流浪者 852 | 传说中的七公主 853 | 一起恰恰恰 854 | 你是我的亲人 855 | 非常幽默 856 | 真爱惹麻烦 857 | 血色玫瑰之女子别动队 858 | 小胆大英雄 859 | 刘老根 860 | 话异录 861 | 特警飞龙 862 | 男人的故事 863 | 拍板封镜 864 | 楚汉风云 865 | 爱盟幼儿园 866 | 执行利剑 867 | 决战燕子门 868 | 荒野谜情 869 | 橙红年代 870 | 奥特格斗胜利 871 | 新车5分钟 872 | 变形计2015 873 | 李老师讲作文 874 | 死神第 875 | 苦涩的糖 876 | 自鸣鼓 877 | 奇幻科学城 878 | 愤怒的小鸟 879 | 雾季没有雨 880 | 信心中国 881 | 足球风云 882 | 加油吧实习生 883 | 奸尸狂魔 884 | 丧门犬 885 | 狡猾的爱 886 | 创想计划 The creatorsproject 887 | 开国领袖毛泽东 888 | 缉毒风暴 889 | 永远一家人 890 | 真爱不迟到 891 | 恋恋不忘 892 | 冷枪手特工队 893 | 熔炉 894 | 闪亮的爸爸 895 | 酷影料 896 | 丹青中国 897 | 天猫双11爆款清单 898 | 《被光抓走的人》 899 | 狐妖小红娘 900 | 北部湾人家 901 | 家事 902 | 御天神兽 903 | IronMan2 904 | 钢铁侠2 905 | 星剧社 906 | 煎饼果子来一套 907 | 天下第一刀 908 | 死神来了 909 | 雪豹坚强岁月 910 | 练习室日记 911 | 间谍 912 | 决币 913 | 遇见天坛 914 | 好小子,好功夫 915 | 嫂子19岁 916 | 飙车 917 | 狗仔雄心 918 | 美食地图 919 | 天衣小裁缝 920 | 停不了的节奏 921 | 杀手狂龙 922 | 朝圣之路 923 | 相思成云烟 924 | 大明女镖师 925 | 追杀大总统 926 | 逗比黑板报 927 | 仙剑 928 | 宅门逆子 929 | 天堂弗莱明 930 | 最美的安排 931 | 幽灵山庄 932 | 神经大侠 933 | 罪夜无间 934 | BupPaeLehRuk 935 | 我的最爱 936 | 历史有约 937 | 非常勿扰 938 | 辣妈学院 939 | 婚姻时差 940 | 一枝梅 941 | 穿越吧少年 942 | 江河水 943 | 心跳的声音 944 | 山月不知心底事 945 | 新封神榜 946 | 王的男人 947 | 第十四个目标 948 | 血溅太和殿 949 | 年度风云人物 950 | 封神劫 951 | 拳语者 952 | 换子成龙 953 | 明月刀雪夜歼仇 954 | 请帖 955 | 女村长 956 | 黄英 957 | ผู้กองยอดรัก 958 | 永不磨灭的番号 959 | 失枪72小时 960 | 一条河 一座城 961 | 孟婆十九 962 | 我们的朋友 963 | 海派年味 964 | 乐都传奇 965 | 人民英雄 966 | 女捕快 967 | 出发吧爱情 968 | 迷离档案 969 | 日月星 970 | 倩女幽魂b 971 | 何以笙簫默 972 | 区区有鬼故 973 | 四大名助 974 | 伊甸园东 975 | 原始世界历险记 976 | 穿透屋顶的HighKick 977 | 潜艇总动员 978 | 全职杀手 979 | 当男人恋爱时 980 | 雪人奇缘 981 | 英才发掘团 982 | 危机迷雾 983 | 喜欢你2/1 984 | 老建筑的抗战故事 985 | 深夜TV演艺 986 | 美人制造 987 | 王者之风 988 | 鹤唳华亭 989 | 超级中国 990 | 星际流浪 991 | 无影剑 992 | 宗师叶问 993 | 生活广角 994 | 火凤狂龙 995 | 闪光的你 996 | 战争与和平 997 | 幸福就在你身边 998 | 父爱的缺席 999 | 偏偏喜欢你 1000 | 新网球王子 1001 | 福尔摩斯与华生 1002 | 午夜丽人 1003 | A2狂飙 1004 | 上海滩传奇 1005 | 九龙夺嫡 1006 | 迷宫的十字路 1007 | 寻子三万里 1008 | 呼风唤雨!唱歌的光屁股炸弹 1009 | YouWillLoveMe 1010 | 我们都要好好的 1011 | 城市英雄 1012 | 辣妈辣么美 1013 | 寄生病毒 1014 | 完美的餐厅 1015 | 大明按察使 1016 | 休假日 1017 | 面具鼓中人 1018 | 宝莱坞 1019 | 黄埔滩头 1020 | 解锁夏洛克 1021 | 老米家的婚事 1022 | 探狄仁杰 1023 | 新恋爱时代 1024 | 到哪儿了 1025 | 热巴情 1026 | 小子 1027 | 泰勒瓦 1028 | 英歌魂 1029 | 风流断剑小小刀 1030 | 双子杀手 1031 | 通天干探 1032 | 各位游客请注意 1033 | 最后一刻 1034 | 鬼画符 1035 | 我和春天有个约会 1036 | 我的真朋友 1037 | 大长今 1038 | 我独自生活 1039 | ASecretOrderToIntercept 1040 | 兰陵王妃 1041 | 恶魔债主 1042 | 厕所 1043 | 新红楼梦 1044 | 少年的你 1045 | 文化珠江 1046 | 侣行花絮 1047 | 经典人文地理 1048 | 俘获女孩心 1049 | 伊斯坦布尔的电话亭 1050 | 英雄三国志 1051 | 财经早班车 1052 | 做得好做得妙 1053 | 创新中国 1054 | 火辣师妹 1055 | 幪面大侠 1056 | 新河东狮吼 1057 | 为死者而活 1058 | 火影忍者第 1059 | 自然传奇 1060 | 原乡 1061 | 骗中传奇 1062 | 两个独立包装的女人 1063 | 胜利的游戏 1064 | LOVELIVE 1065 | 爆裂鼓手 1066 | 北平无战事 1067 | BLAD 1068 | 窥情 1069 | 青春抛物线 1070 | 花漾梦工厂 1071 | 背叛的爱 1072 | 感恩2019 1073 | 喜剧总动员 1074 | 青春直播间 1075 | 血战奉阳城 1076 | 三生三世十里桃花 1077 | 蛊惑佬寻春 1078 | 翡翠之星 1079 | 失足夫人 1080 | 爱情没把门 1081 | 魔幻天使 1082 | 徒手攀岩 1083 | 天煞 1084 | 无法阻挡的婚姻 1085 | 海角危情 1086 | Dream梦想 1087 | 愤怒小鸟 1088 | 上锁的房间 1089 | 致命罗密欧 1090 | 滴血年华 1091 | 回家的诱惑 1092 | 郎眼财经 1093 | 茅山斗僵尸 1094 | Ann&Likit 1095 | 卧虎传说 1096 | SPY 1097 | 以和为贵 1098 | 正义使命 1099 | 喋血长江 1100 | 向大地头球 1101 | 脱身 1102 | 爸爸、妈妈、爷爷、奶奶、外公 1103 | 色即是空 1104 | 仙履奇缘2美梦成真 1105 | 北京电视台春节联欢晚会 1106 | 糖糖脱口秀 1107 | 戏说影事 1108 | 我们的世界:游牧 1109 | 鳕鱼舌的秘密 1110 | 白医生,余生请多指教 1111 | 时代影像 1112 | 皮·影 1113 | 无法无天 1114 | 恐龙当家 1115 | 暗语者 1116 | 劳动最光荣 1117 | 一夜未了情 1118 | 打龙袍 1119 | Backkom 1120 | 圣诞节会下雪吗 1121 | 情满雪阳花 1122 | 东风破 1123 | 天将雄师 1124 | 演技派考核全纪录 1125 | 玉罗刹 1126 | 利刃出鞘 1127 | 愛情or麵包 1128 | 绝地苍狼 1129 | 瘦虎肥龙 1130 | 廉政行动2014 1131 | 兰桐花开 1132 | 疯狂喜剧人 1133 | 爱的正能量 1134 | 亲爱的新年好 1135 | 小丑 1136 | 家有喜妇 1137 | 演技派日常记 1138 | 超级面对面 1139 | 千王 1991 1140 | 跌停板 涨停板 1141 | 乐在其中 1142 | 财迷心窍 1143 | 铁甲舰上的男人们 1144 | 僵尸复活 1145 | 我在北京等你 1146 | 与星共舞 1147 | 千金保姆 1148 | 处处闻啼鸟 1149 | 欢天喜地俏冤家 1150 | 匠仓造物 1151 | 唐山五虎 1152 | 舌尖上的以色列 1153 | 新少年四大名捕 1154 | 不能没有你 1155 | 好运属于你 1156 | 我是班主任 1157 | 寻路 1158 | 熟悉的味道 1159 | 黑白僵尸 1160 | 凡人的品格 1161 | 海陆大餐 1162 | 风再起时 1163 | 十月围城 1164 | 自在心理学 1165 | 异星明星 1166 | 全民叹世界 1167 | 快乐星球之三十六号 1168 | 亚洲偶像盛典 1169 | 优酷娱乐播报 1170 | 文史江湖 1171 | 楼王之谜 1172 | 青年乌兰夫 1173 | 保留丈夫 1174 | 生死边沿 1175 | 愛戀檢察官 1176 | 最佳选择 1177 | 苦海明灯 1178 | 呼风唤雨!黄金间谍大作 1179 | 都市传说 1180 | 五十度灰 1181 | 新屋齐家装 1182 | 代号 1183 | 铁三角 1184 | 间谍风 1185 | 雪域天路 1186 | 谁偷了我的wifi 1187 | 江湖 1188 | 最佳损友 1189 | 选择45 1190 | 迈克尔·莫斯利:与寄生虫共生 1191 | 极目途 1192 | 51区 1193 | 海贼大冒险 1194 | 咕噜咕噜美人鱼 1195 | 没想到吧 1196 | 黑夜如潮 1197 | 全力以赴 1198 | 民国少年侦探社 1199 | 热血刑警破案之神 1200 | 第一次遇见波诺 1201 | 北京电视台元宵联欢晚会 1202 | 悬崖上的金鱼公主 1203 | 择天记 1204 | 鳄鱼泪 1205 | 大王真高兴 1206 | 咔咔与噜噜车德 1207 | 黑马王子 1208 | 停电之城 1209 | 济公游记 1210 | 叉手 1211 | 温暖的村庄 1212 | 青楼烟云 1213 | 守望爱情 1214 | 我是你舅舅 1215 | 绝世倾情 1216 | 大西北剿匪记 -------------------------------------------------------------------------------- /submission/YourTeamName.json: -------------------------------------------------------------------------------- 1 | {"id": "00001", "query": "那片花那片海重现一代闽商励志传奇", "TV": [{"str": "那片花那片海", "start_position": 0, "end_position": 5}]} 2 | {"id": "00002", "query": "等着我 2019全媒体公益寻人平台", "TV": [{"str": "等着我", "start_position": 0, "end_position": 2}]} 3 | {"id": "00003", "query": "洛枫的使命召唤OLPVE生存模式坠机之地", "PER": [{"str": "洛枫", "start_position": 0, "end_position": 1}], "TV": [{"str": "使命召唤", "start_position": 3, "end_position": 6}]} 4 | {"id": "00004", "query": "火星救援", "TV": [{"str": "火星", "start_position": 0, "end_position": 1}, {"str": "火星救援", "start_position": 0, "end_position": 3}]} 5 | {"id": "00005", "query": "天天向上-20091218"} 6 | {"id": "00006", "query": "聊斋志异2之胭脂04", "TV": [{"str": "聊斋志异", "start_position": 0, "end_position": 3}, {"str": "胭脂", "start_position": 6, "end_position": 7}]} 7 | {"id": "00007", "query": "魔法声乐课堂碎片时间教你学唱歌", "TV": [{"str": "魔法", "start_position": 0, "end_position": 1}]} 8 | {"id": "00008", "query": "140915华晨宇天天向上录制无剧透小花絮一枚", "PER": [{"str": "华晨宇", "start_position": 6, "end_position": 8}]} 9 | {"id": "00009", "query": "火影忍者345", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 10 | {"id": "00010", "query": "托马斯14"} 11 | {"id": "00011", "query": ")39\""} 12 | {"id": "00012", "query": "僵尸先生6之驱魔警察", "TV": [{"str": "僵尸先生", "start_position": 0, "end_position": 3}, {"str": "驱魔警察", "start_position": 6, "end_position": 9}]} 13 | {"id": "00013", "query": "2013.4.2自由军继续在阿勒颇多个地点与政府军激战"} 14 | {"id": "00014", "query": "秦始皇历史再现揭秘秦王朝", "TV": [{"str": "秦始皇", "start_position": 0, "end_position": 2}, {"str": "秦王朝", "start_position": 9, "end_position": 11}]} 15 | {"id": "00015", "query": "海贼王104"} 16 | {"id": "00016", "query": "海贼王296娜美的决断!攻击暴走的乔巴!", "PER": [{"str": "娜美", "start_position": 6, "end_position": 7}]} 17 | {"id": "00017", "query": "爸爸回来了140522_标清", "TV": [{"str": "爸", "start_position": 0, "end_position": 0}]} 18 | {"id": "00018", "query": "我,花样女王前美国滑冰明星的陨落", "TV": [{"str": "我,花样女王", "start_position": 0, "end_position": 5}]} 19 | {"id": "00019", "query": "我的兄弟姐妹夏雨梁咏琪温情催泪片", "TV": [{"str": "我的兄弟姐妹", "start_position": 0, "end_position": 5}], "PER": [{"str": "我的兄弟姐妹夏雨梁咏琪", "start_position": 0, "end_position": 10}]} 20 | {"id": "00020", "query": "龙虎群雄II卧底警察遇大佬试探", "TV": [{"str": "龙虎群雄", "start_position": 0, "end_position": 3}]} 21 | {"id": "00021", "query": "哆啦a梦-第159集", "TV": [{"str": "哆啦a梦", "start_position": 0, "end_position": 3}]} 22 | {"id": "00022", "query": "火影忍者260", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 23 | {"id": "00023", "query": "笑傲江湖25精彩片断_高清", "TV": [{"str": "笑傲江湖", "start_position": 0, "end_position": 3}]} 24 | {"id": "00024", "query": "雪山飞狐金庸武侠剧的恩怨情仇", "TV": [{"str": "雪山飞狐", "start_position": 0, "end_position": 3}]} 25 | {"id": "00025", "query": "花千骨03.1024高清"} 26 | {"id": "00026", "query": "雷欧奥特曼第08话必杀!怪兽仕挂人", "TV": [{"str": "雷欧奥特曼", "start_position": 0, "end_position": 4}]} 27 | {"id": "00027", "query": "★我的世界★Minecraft《籽岷的珍藏MC好声音十大金曲MV精", "PER": [{"str": "籽岷", "start_position": 16, "end_position": 17}]} 28 | {"id": "00028", "query": "《花千骨入魔记》第三十八集解析绝情水真正的含义168"} 29 | {"id": "00029", "query": "来自星星的你隐秘而伟大SecretlyGreatly硬字幕", "TV": [{"str": "来自星星的你", "start_position": 0, "end_position": 5}]} 30 | {"id": "00030", "query": "练习刘德华", "PER": [{"str": "刘德华", "start_position": 2, "end_position": 4}]} 31 | {"id": "00031", "query": "《花千骨》正式片花中文版"} 32 | {"id": "00032", "query": "笑傲江湖2东方不败_01(480P)", "TV": [{"str": "笑傲江湖", "start_position": 0, "end_position": 3}, {"str": "东方不败", "start_position": 5, "end_position": 8}]} 33 | {"id": "00033", "query": "新方世玉之决战危城方世玉行侠仗义除恶霸", "TV": [{"str": "新方世玉", "start_position": 0, "end_position": 3}, {"str": "决战危城", "start_position": 5, "end_position": 8}], "PER": [{"str": "方世玉", "start_position": 9, "end_position": 11}]} 34 | {"id": "00034", "query": "倩女幽魂2桌面铺设——牛牛网吧", "TV": [{"str": "倩女幽魂", "start_position": 0, "end_position": 3}]} 35 | {"id": "00035", "query": "旋风少女09(1)", "TV": [{"str": "旋风少女", "start_position": 0, "end_position": 3}]} 36 | {"id": "00036", "query": "专业瘦身顾问4040六一]0304谢霆锋王菲复合赵薇被传", "PER": [{"str": "谢霆锋", "start_position": 17, "end_position": 19}, {"str": "王菲", "start_position": 20, "end_position": 21}, {"str": "赵薇", "start_position": 24, "end_position": 25}]} 37 | {"id": "00037", "query": "德云社郭德纲相声专场重庆站 2017郭德纲于谦笑翻重庆场", "PER": [{"str": "郭德纲", "start_position": 3, "end_position": 5}, {"str": "郭德纲", "start_position": 18, "end_position": 20}, {"str": "于谦", "start_position": 21, "end_position": 22}]} 38 | {"id": "00038", "query": "经典人文地理2016真实影像还原历史", "TV": [{"str": "经典人文地理", "start_position": 0, "end_position": 5}]} 39 | {"id": "00039", "query": "龙珠改16", "TV": [{"str": "龙珠改", "start_position": 0, "end_position": 2}]} 40 | {"id": "00040", "query": "超强设计 2016一档家装真人秀节目", "TV": [{"str": "超强设计", "start_position": 0, "end_position": 3}]} 41 | {"id": "00041", "query": "笑傲江湖[吕颂贤17", "PER": [{"str": "吕颂贤", "start_position": 5, "end_position": 7}]} 42 | {"id": "00042", "query": "飞狐外传金庸经典小说倪匡改编", "TV": [{"str": "飞狐外传", "start_position": 0, "end_position": 3}], "PER": [{"str": "金庸", "start_position": 4, "end_position": 5}, {"str": "倪匡", "start_position": 10, "end_position": 11}]} 43 | {"id": "00043", "query": "闯关东33", "TV": [{"str": "闯关东", "start_position": 0, "end_position": 2}]} 44 | {"id": "00044", "query": "死神410", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 45 | {"id": "00045", "query": "名侦探柯南剧场版第07弹特典-名侦探柯南的京都之旅女子3人组的迷宫十字路之行", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}, {"str": "名侦探柯南", "start_position": 15, "end_position": 19}, {"str": "京都之旅", "start_position": 21, "end_position": 24}]} 46 | {"id": "00046", "query": "【搞笑方言视频】短片动漫动画片猫和老鼠东北方言版第51话_高清", "TV": [{"str": "猫和老鼠", "start_position": 15, "end_position": 18}]} 47 | {"id": "00047", "query": "单行道好好珍惜身边的亲人", "TV": [{"str": "单行道", "start_position": 0, "end_position": 2}]} 48 | {"id": "00048", "query": "海贼王276"} 49 | {"id": "00049", "query": "【星光邦034期】叶璇:叶底藏花风云再起", "TV": [{"str": "星光邦", "start_position": 1, "end_position": 3}], "PER": [{"str": "叶璇", "start_position": 9, "end_position": 10}]} 50 | {"id": "00050", "query": "火影忍者第133集", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 51 | {"id": "00051", "query": "武训贫寒乞丐心怀大爱办学堂", "TV": [{"str": "武", "start_position": 0, "end_position": 0}]} 52 | {"id": "00052", "query": "电视剧盗墓笔记之千年古墓1全集", "TV": [{"str": "盗墓笔记", "start_position": 3, "end_position": 6}, {"str": "千年古墓", "start_position": 8, "end_position": 11}]} 53 | {"id": "00053", "query": "色戒梁朝伟最新力作(DVD版)_1", "TV": [{"str": "色戒", "start_position": 0, "end_position": 1}], "PER": [{"str": "梁朝伟", "start_position": 2, "end_position": 4}]} 54 | {"id": "00054", "query": "真正男子汉20150612期王宝强惊喜回归欧豪遇袭成俘虏[超清版]", "TV": [{"str": "真正男子汉", "start_position": 0, "end_position": 4}], "PER": [{"str": "王宝强", "start_position": 14, "end_position": 16}, {"str": "欧豪", "start_position": 21, "end_position": 22}]} 55 | {"id": "00055", "query": "DORIS的英文儿歌——IFYOUAREHAPPY_标清"} 56 | {"id": "00056", "query": "《郭德纲扒我裤子》郭德纲于谦2014最新搞笑相声_超清", "PER": [{"str": "郭德纲", "start_position": 1, "end_position": 3}, {"str": "郭德纲", "start_position": 9, "end_position": 11}, {"str": "于谦", "start_position": 12, "end_position": 13}]} 57 | {"id": "00057", "query": "憨豆先生Ⅱ", "TV": [{"str": "憨", "start_position": 0, "end_position": 0}]} 58 | {"id": "00058", "query": "时尚中国 2016汇聚国内外先锋时尚", "TV": [{"str": "时尚中国", "start_position": 0, "end_position": 3}]} 59 | {"id": "00059", "query": "初弹欢乐颂", "TV": [{"str": "初弹欢乐颂", "start_position": 0, "end_position": 4}]} 60 | {"id": "00060", "query": "黑执事07"} 61 | {"id": "00061", "query": "神奇力量科研男造机器人追女友", "TV": [{"str": "神奇力量", "start_position": 0, "end_position": 3}]} 62 | {"id": "00062", "query": "蜡笔小新3"} 63 | {"id": "00063", "query": "爱情公寓(1)05HDTV"} 64 | {"id": "00064", "query": "仙剑奇侠传三08", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 65 | {"id": "00065", "query": "劳动最光荣 2019讲述劳动者自己的荣耀", "TV": [{"str": "劳动最光荣", "start_position": 0, "end_position": 4}]} 66 | {"id": "00066", "query": "男嘉宾变身表情帝遭心仪女生灭灯150131非诚勿扰", "TV": [{"str": "男", "start_position": 0, "end_position": 0}]} 67 | {"id": "00067", "query": "将改革进行到底十集大型政论专题片", "TV": [{"str": "将改革进行到底", "start_position": 0, "end_position": 6}]} 68 | {"id": "00068", "query": "暖男先生暖男郭冬临的暖心趣事", "TV": [{"str": "暖男先生", "start_position": 0, "end_position": 3}], "PER": [{"str": "郭冬临", "start_position": 6, "end_position": 8}]} 69 | {"id": "00069", "query": "李美子长腿美女大胸美女太子妃升职记", "TV": [{"str": "李美子", "start_position": 0, "end_position": 2}, {"str": "太子妃升职记", "start_position": 11, "end_position": 16}]} 70 | {"id": "00070", "query": "老嘎老嘎阳谋诙谐自证清白", "PER": [{"str": "老嘎老嘎", "start_position": 0, "end_position": 3}]} 71 | {"id": "00071", "query": "《花千骨》主题曲《千古》"} 72 | {"id": "00072", "query": "[德语]Conan-DieLiebekannnichtwarten-柯南主题歌"} 73 | {"id": "00073", "query": "李小龙的生与死", "PER": [{"str": "李小龙", "start_position": 0, "end_position": 2}]} 74 | {"id": "00074", "query": "红鲨突击张鹏再现军人热血风采", "TV": [{"str": "红鲨突击", "start_position": 0, "end_position": 3}], "PER": [{"str": "张鹏", "start_position": 4, "end_position": 5}]} 75 | {"id": "00075", "query": "泰剧《最后的救赎》12", "TV": [{"str": "最后的救赎", "start_position": 3, "end_position": 7}]} 76 | {"id": "00076", "query": "火影忍者[疾风传][第226话]", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}, {"str": "疾风传", "start_position": 5, "end_position": 7}]} 77 | {"id": "00077", "query": "极限S:滑板篇抑郁少年希望的滑板", "TV": [{"str": "极限", "start_position": 0, "end_position": 1}]} 78 | {"id": "00078", "query": "上班这党事 2017畅谈上班那点事", "TV": [{"str": "上班这党事", "start_position": 0, "end_position": 4}]} 79 | {"id": "00079", "query": "花开时节新疆采棉的奋斗故事", "TV": [{"str": "花开时节", "start_position": 0, "end_position": 3}]} 80 | {"id": "00080", "query": "完美男人偶获作家手稿逆袭人生", "TV": [{"str": "完美男人偶", "start_position": 0, "end_position": 4}]} 81 | {"id": "00081", "query": "熊孩子幼小衔接之数学学前儿童数学知识详解", "TV": [{"str": "熊", "start_position": 0, "end_position": 0}]} 82 | {"id": "00082", "query": "僵尸之地", "TV": [{"str": "僵尸之地", "start_position": 0, "end_position": 3}]} 83 | {"id": "00083", "query": "熊出没之夺宝熊兵高清_标清", "TV": [{"str": "熊出没", "start_position": 0, "end_position": 2}, {"str": "夺宝熊兵", "start_position": 4, "end_position": 7}]} 84 | {"id": "00084", "query": "北京春晚小沈阳《真的想回家》植物大战僵尸", "TV": [{"str": "北京春晚", "start_position": 0, "end_position": 3}, {"str": "真的想回家", "start_position": 8, "end_position": 12}, {"str": "植物大战僵尸", "start_position": 14, "end_position": 19}], "PER": [{"str": "小沈阳", "start_position": 4, "end_position": 6}]} 85 | {"id": "00085", "query": "津京混搭相声专场《论捧逗》李寅飞、王加林_标清", "TV": [{"str": "论", "start_position": 9, "end_position": 9}, {"str": "捧逗", "start_position": 10, "end_position": 11}], "PER": [{"str": "李寅飞", "start_position": 13, "end_position": 15}, {"str": "王加林", "start_position": 17, "end_position": 19}]} 86 | {"id": "00086", "query": "数学考试必备的高分利器——超级速算法考试必备超级速算法"} 87 | {"id": "00087", "query": "柯南555"} 88 | {"id": "00088", "query": "假面骑士Decade21行驶的完全的骑士形态", "TV": [{"str": "假面骑士", "start_position": 0, "end_position": 3}]} 89 | {"id": "00089", "query": "葫芦娃版青花瓷", "TV": [{"str": "葫芦娃", "start_position": 0, "end_position": 2}, {"str": "青花瓷", "start_position": 4, "end_position": 6}]} 90 | {"id": "00090", "query": "倒霉熊"} 91 | {"id": "00091", "query": "天天向上麻辣烫的麻将料做法柳岩", "TV": [{"str": "天", "start_position": 0, "end_position": 0}], "PER": [{"str": "柳岩", "start_position": 13, "end_position": 14}]} 92 | {"id": "00092", "query": "《杉杉来了》《杉杉来吃》片花-女神表白遭强吻_高清", "TV": [{"str": "杉杉来了", "start_position": 1, "end_position": 4}, {"str": "杉杉来吃", "start_position": 7, "end_position": 10}]} 93 | {"id": "00093", "query": "时尚装苑 2016中国人的时尚观点", "TV": [{"str": "时尚装苑", "start_position": 0, "end_position": 3}]} 94 | {"id": "00094", "query": "龙珠65", "TV": [{"str": "龙珠", "start_position": 0, "end_position": 1}]} 95 | {"id": "00095", "query": "酷的剧会 追剧新姿势追热门的剧磕火爆的料", "TV": [{"str": "酷的剧会", "start_position": 0, "end_position": 3}]} 96 | {"id": "00096", "query": "电视剧《射雕英雄传》(黄日华翁美玲)幕后花絮之翁美玲化妆", "TV": [{"str": "射雕英雄传", "start_position": 4, "end_position": 8}], "PER": [{"str": "黄日华", "start_position": 11, "end_position": 13}, {"str": "翁美玲", "start_position": 14, "end_position": 16}, {"str": "翁美玲", "start_position": 23, "end_position": 25}]} 97 | {"id": "00097", "query": "奔跑吧兄弟150515(1)", "TV": [{"str": "奔跑吧兄弟", "start_position": 0, "end_position": 4}]} 98 | {"id": "00098", "query": "《水月洞天》24集", "TV": [{"str": "水月洞天", "start_position": 1, "end_position": 4}]} 99 | {"id": "00099", "query": "小黄人吐槽:乳神为何惊呆了?《笑点研究所》21期_标清_标清", "TV": [{"str": "小黄人", "start_position": 0, "end_position": 2}]} 100 | {"id": "00100", "query": "1965年毛泽东第二次会见格瓦拉", "PER": [{"str": "毛泽东", "start_position": 5, "end_position": 7}], "NUM": [{"str": "第二次", "start_position": 8, "end_position": 10}]} 101 | {"id": "00101", "query": "快乐大本营微店怎么开捉妖记", "TV": [{"str": "捉妖记", "start_position": 10, "end_position": 12}]} 102 | {"id": "00102", "query": "非常完美140104_标清", "TV": [{"str": "非常完美", "start_position": 0, "end_position": 3}]} 103 | {"id": "00103", "query": "【高清中字】金炳万的丛林法则3E10130510新西兰篇(10)超清", "PER": [{"str": "金炳万", "start_position": 6, "end_position": 8}], "TV": [{"str": "丛林法则", "start_position": 10, "end_position": 13}]} 104 | {"id": "00104", "query": "何以笙箫默_"} 105 | {"id": "00105", "query": "慢四《咱们结婚吧》--娟子制作1", "TV": [{"str": "咱们结婚吧", "start_position": 3, "end_position": 7}], "PER": [{"str": "娟子", "start_position": 11, "end_position": 12}]} 106 | {"id": "00106", "query": "寻秦记31"} 107 | {"id": "00107", "query": "发现之路2016考古再现真实历史", "TV": [{"str": "发现之路", "start_position": 0, "end_position": 3}]} 108 | {"id": "00108", "query": "邓超李晨黄泥里SPA150417奔跑吧兄弟", "PER": [{"str": "邓超", "start_position": 0, "end_position": 1}, {"str": "邓超李晨", "start_position": 0, "end_position": 3}, {"str": "黄泥里", "start_position": 4, "end_position": 6}], "TV": [{"str": "奔跑吧兄弟", "start_position": 16, "end_position": 20}]} 109 | {"id": "00109", "query": "放羊的星星10", "TV": [{"str": "放羊的星星", "start_position": 0, "end_position": 4}]} 110 | {"id": "00110", "query": "唐唐神吐槽!最逗比的吻戏《狂蟒惊魂》57", "PER": [{"str": "唐唐神", "start_position": 0, "end_position": 2}], "TV": [{"str": "狂蟒惊魂", "start_position": 13, "end_position": 16}]} 111 | {"id": "00111", "query": "终极三国"} 112 | {"id": "00112", "query": "岩延热爱极地攀岩改变户外生活", "TV": [{"str": "岩延热爱", "start_position": 0, "end_position": 3}]} 113 | {"id": "00113", "query": "〖小夏萌窝〗蜡笔小新228", "PER": [{"str": "小夏", "start_position": 1, "end_position": 2}], "TV": [{"str": "蜡笔小新", "start_position": 6, "end_position": 9}]} 114 | {"id": "00114", "query": "中华民族2016介绍中国西部风土民情", "TV": [{"str": "中华民族", "start_position": 0, "end_position": 3}]} 115 | {"id": "00115", "query": "快乐大本营130615标清版高清"} 116 | {"id": "00116", "query": "袁腾飞幽默讲解:甘地是法学博士不是流氓_标清", "PER": [{"str": "袁腾飞", "start_position": 0, "end_position": 2}, {"str": "甘地", "start_position": 8, "end_position": 9}]} 117 | {"id": "00117", "query": "我学的甄嬛传里的惊鸿舞哈哈", "TV": [{"str": "我", "start_position": 0, "end_position": 0}, {"str": "甄嬛传", "start_position": 3, "end_position": 5}]} 118 | {"id": "00118", "query": "犬夜叉-043-终于被折断的铁碎牙", "TV": [{"str": "犬夜叉", "start_position": 0, "end_position": 2}]} 119 | {"id": "00119", "query": "暖暖的味道2018带个厨师回家", "TV": [{"str": "暖暖的味道", "start_position": 0, "end_position": 4}]} 120 | {"id": "00120", "query": "熊出没第1集[高清]", "TV": [{"str": "熊出没", "start_position": 0, "end_position": 2}]} 121 | {"id": "00121", "query": "少林寺传奇2第21集", "TV": [{"str": "少林寺传奇", "start_position": 0, "end_position": 4}]} 122 | {"id": "00122", "query": "国家审计审计员工作性质大揭秘", "TV": [{"str": "国", "start_position": 0, "end_position": 0}]} 123 | {"id": "00123", "query": "神话竹笛演奏小瑛", "TV": [{"str": "神话", "start_position": 0, "end_position": 1}, {"str": "神话竹笛", "start_position": 0, "end_position": 3}], "PER": [{"str": "小瑛", "start_position": 6, "end_position": 7}]} 124 | {"id": "00124", "query": "小学英语五年级上册人教版PEP快速有效提高英语成绩"} 125 | {"id": "00125", "query": "少年神探狄仁杰06", "TV": [{"str": "少年神探狄仁杰", "start_position": 0, "end_position": 6}]} 126 | {"id": "00126", "query": "人气歌谣 2017人气歌手劲爆现场", "TV": [{"str": "人气歌谣", "start_position": 0, "end_position": 3}]} 127 | {"id": "00127", "query": "爸爸版-爸爸去哪儿了", "TV": [{"str": "爸", "start_position": 0, "end_position": 0}, {"str": "爸爸去哪儿", "start_position": 4, "end_position": 8}]} 128 | {"id": "00128", "query": "菱角观潮史不同角度呈现熟知的历史", "TV": [{"str": "菱角观潮史", "start_position": 0, "end_position": 4}]} 129 | {"id": "00129", "query": "新恋爱世纪天王天后上演纠葛爱恋", "TV": [{"str": "新恋爱世纪", "start_position": 0, "end_position": 4}]} 130 | {"id": "00130", "query": "江城1943历史中的峥嵘革命岁月", "TV": [{"str": "江城", "start_position": 0, "end_position": 1}]} 131 | {"id": "00131", "query": "《爸爸去哪儿》第二季未播出花絮:杨威变孩子王吴镇宇爱臭美", "TV": [{"str": "爸爸去哪儿", "start_position": 1, "end_position": 5}], "NUM": [{"str": "第二季", "start_position": 7, "end_position": 9}], "PER": [{"str": "杨威", "start_position": 16, "end_position": 17}, {"str": "吴镇宇", "start_position": 22, "end_position": 24}]} 132 | {"id": "00132", "query": "2015国产大片《捉妖记》国际版预告片_高清", "TV": [{"str": "捉妖记", "start_position": 9, "end_position": 11}]} 133 | {"id": "00133", "query": "蜡笔小新第一套08", "NUM": [{"str": "第一套", "start_position": 4, "end_position": 6}]} 134 | {"id": "00134", "query": "上海滩喋血枭雄15上海滩喋血枭雄大结局", "TV": [{"str": "上海滩", "start_position": 0, "end_position": 2}, {"str": "喋血枭雄", "start_position": 3, "end_position": 6}, {"str": "上海滩", "start_position": 9, "end_position": 11}, {"str": "喋血枭雄", "start_position": 12, "end_position": 15}]} 135 | {"id": "00135", "query": "夏目友人帐第2季06", "TV": [{"str": "夏目友人帐", "start_position": 0, "end_position": 4}], "NUM": [{"str": "第2季", "start_position": 5, "end_position": 7}]} 136 | {"id": "00136", "query": "海贼王138"} 137 | {"id": "00137", "query": "昨天的故事 2016回溯历史事件", "TV": [{"str": "昨天的故事", "start_position": 0, "end_position": 4}]} 138 | {"id": "00138", "query": "闻香识女人2019关注女性时尚生活", "TV": [{"str": "闻香识女人", "start_position": 0, "end_position": 4}]} 139 | {"id": "00139", "query": "相信我 我是医生第六季探索健康的关键问题", "TV": [{"str": "相信我", "start_position": 0, "end_position": 2}, {"str": "我是医生", "start_position": 4, "end_position": 7}], "NUM": [{"str": "第六季", "start_position": 8, "end_position": 10}]} 140 | {"id": "00140", "query": "张卫健-疼爱官方版", "PER": [{"str": "张卫健", "start_position": 0, "end_position": 2}]} 141 | {"id": "00141", "query": "欢乐喜剧人150627高晓攀演绎兄弟情修睿引面子风波", "TV": [{"str": "欢乐喜剧人", "start_position": 0, "end_position": 4}], "PER": [{"str": "高晓攀", "start_position": 11, "end_position": 13}]} 142 | {"id": "00142", "query": "非常静距离之《打狗棍》剧组戏里戏外", "TV": [{"str": "非常静距离", "start_position": 0, "end_position": 4}, {"str": "打狗棍", "start_position": 7, "end_position": 9}]} 143 | {"id": "00143", "query": "海贼王219"} 144 | {"id": "00144", "query": "【晓丁】我的世界空岛之旅EP21集齐神器", "PER": [{"str": "晓丁", "start_position": 1, "end_position": 2}]} 145 | {"id": "00145", "query": "小龙视频今天玩一玩新游戏僵尸农场", "PER": [{"str": "小龙", "start_position": 0, "end_position": 1}], "TV": [{"str": "僵尸农场", "start_position": 12, "end_position": 15}]} 146 | {"id": "00146", "query": "黑执事11"} 147 | {"id": "00147", "query": "放羊的星星10_高清", "TV": [{"str": "放羊的星星", "start_position": 0, "end_position": 4}]} 148 | {"id": "00148", "query": "火影忍者357预告", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 149 | {"id": "00149", "query": "蜡笔小新第2集"} 150 | {"id": "00150", "query": "天下第一3", "TV": [{"str": "天下第一", "start_position": 0, "end_position": 3}]} 151 | {"id": "00151", "query": "碟仙黄奕带娃遇碟仙游戏", "TV": [{"str": "碟仙", "start_position": 0, "end_position": 1}], "PER": [{"str": "黄奕", "start_position": 2, "end_position": 3}, {"str": "黄奕带", "start_position": 2, "end_position": 4}]} 152 | {"id": "00152", "query": "《第一超模》决战之夜成龙寄语", "TV": [{"str": "第一超模", "start_position": 1, "end_position": 4}, {"str": "决战之夜", "start_position": 6, "end_position": 9}], "PER": [{"str": "成龙", "start_position": 10, "end_position": 11}]} 153 | {"id": "00153", "query": "银魂175"} 154 | {"id": "00154", "query": "鹿鼎记", "TV": [{"str": "鹿鼎记", "start_position": 0, "end_position": 2}]} 155 | {"id": "00155", "query": "52岁刘德华秀迷人腹肌,叫我怎么不爱他!!!", "PER": [{"str": "刘德华", "start_position": 3, "end_position": 5}]} 156 | {"id": "00156", "query": "漫长的告别周峻纬何晟铭烧脑追凶", "TV": [{"str": "漫长的告别", "start_position": 0, "end_position": 4}], "PER": [{"str": "何晟铭", "start_position": 8, "end_position": 10}]} 157 | {"id": "00157", "query": "德雷尔一家 第一季单亲妈妈世外桃源避难", "TV": [{"str": "德雷尔一家", "start_position": 0, "end_position": 4}], "NUM": [{"str": "第一季", "start_position": 6, "end_position": 8}]} 158 | {"id": "00158", "query": "海贼王105"} 159 | {"id": "00159", "query": "生初里往事证券事务所乔迁喜乐会", "TV": [{"str": "生初里往事", "start_position": 0, "end_position": 4}]} 160 | {"id": "00160", "query": "我和僵尸有个约会II-09", "TV": [{"str": "我和僵尸有个约会", "start_position": 0, "end_position": 7}]} 161 | {"id": "00161", "query": "海贼王112"} 162 | {"id": "00162", "query": "【格林童话数码宝贝】Summerandwinter", "PER": [{"str": "格林", "start_position": 1, "end_position": 2}]} 163 | {"id": "00163", "query": "籽岷我的世界炎西生存2", "PER": [{"str": "籽岷", "start_position": 0, "end_position": 1}]} 164 | {"id": "00164", "query": "犬夜叉完结篇05", "TV": [{"str": "犬夜叉完结篇", "start_position": 0, "end_position": 5}]} 165 | {"id": "00165", "query": "2熊出没之夺宝熊兵_高清", "TV": [{"str": "2熊出没", "start_position": 0, "end_position": 3}, {"str": "夺宝熊兵", "start_position": 5, "end_position": 8}]} 166 | {"id": "00166", "query": "我们的父辈2: 一场不同的战争暗流涌动的战场局势", "TV": [{"str": "我们的父辈", "start_position": 0, "end_position": 4}]} 167 | {"id": "00167", "query": "终极三国05"} 168 | {"id": "00168", "query": "唐伯虎点秋香_hd", "TV": [{"str": "唐伯虎点秋香", "start_position": 0, "end_position": 5}]} 169 | {"id": "00169", "query": "名侦探柯南-044.崛田三兄弟杀人事件", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}], "PER": [{"str": "崛田三", "start_position": 10, "end_position": 12}]} 170 | {"id": "00170", "query": "《冰雪奇缘》领袖中国!公开发布", "TV": [{"str": "冰雪奇缘", "start_position": 1, "end_position": 4}]} 171 | {"id": "00171", "query": "2013彩虹甜心主题曲行行好爸爸去哪儿之林志颖演唱", "TV": [{"str": "彩虹甜心", "start_position": 4, "end_position": 7}, {"str": "行行好爸爸去哪儿", "start_position": 11, "end_position": 18}], "PER": [{"str": "林志颖", "start_position": 20, "end_position": 22}]} 172 | {"id": "00172", "query": "灌篮高手(SlamDunk)日语版第三十九集"} 173 | {"id": "00173", "query": "极限挑战前传150712极限挑战", "TV": [{"str": "极", "start_position": 0, "end_position": 0}]} 174 | {"id": "00174", "query": "奔跑吧兄弟150522[超清版]", "TV": [{"str": "奔跑吧兄弟", "start_position": 0, "end_position": 4}]} 175 | {"id": "00175", "query": "龙牌之谜成龙施瓦辛格东方奇幻之旅", "TV": [{"str": "龙牌之谜", "start_position": 0, "end_position": 3}], "PER": [{"str": "成龙", "start_position": 4, "end_position": 5}, {"str": "成龙施瓦辛格", "start_position": 4, "end_position": 9}]} 176 | {"id": "00176", "query": "《霍元甲》郑伊健陈小春最新连续剧 28", "TV": [{"str": "霍元甲", "start_position": 1, "end_position": 3}], "PER": [{"str": "陈小春", "start_position": 8, "end_position": 10}]} 177 | {"id": "00177", "query": "蜡笔小新133"} 178 | {"id": "00178", "query": "情圣终结者蔓延", "TV": [{"str": "情圣终结者", "start_position": 0, "end_position": 4}]} 179 | {"id": "00179", "query": "刘涛视频集锦", "PER": [{"str": "刘涛", "start_position": 0, "end_position": 1}]} 180 | {"id": "00180", "query": "韩剧blood1"} 181 | {"id": "00181", "query": "青春巨献--致青春", "TV": [{"str": "青", "start_position": 0, "end_position": 0}]} 182 | {"id": "00182", "query": "黑执事第一季06", "TV": [{"str": "黑执事", "start_position": 0, "end_position": 2}], "NUM": [{"str": "第一季", "start_position": 3, "end_position": 5}]} 183 | {"id": "00183", "query": "对话郑伊健_娱乐频道_凤凰网", "PER": [{"str": "郑伊健", "start_position": 2, "end_position": 4}]} 184 | {"id": "00184", "query": "海贼王003蒙卡VS路飞神秘的美少女是谁", "PER": [{"str": "蒙卡", "start_position": 6, "end_position": 7}, {"str": "路飞", "start_position": 10, "end_position": 11}]} 185 | {"id": "00185", "query": "蜗居29"} 186 | {"id": "00186", "query": "大型人物风景纪录片《泰山之巅》花絮全纪录", "TV": [{"str": "大", "start_position": 0, "end_position": 0}, {"str": "泰山之巅", "start_position": 10, "end_position": 13}]} 187 | {"id": "00187", "query": "【20111231北展剧场跨年专场】郭德纲、于谦、高峰_返场", "PER": [{"str": "郭德纲", "start_position": 18, "end_position": 20}, {"str": "于谦", "start_position": 22, "end_position": 23}, {"str": "高峰", "start_position": 25, "end_position": 26}]} 188 | {"id": "00188", "query": "我和我的儿女们退休教师与女儿们的故事", "TV": [{"str": "我和我的儿女", "start_position": 0, "end_position": 5}]} 189 | {"id": "00189", "query": "郑多莲健身操全集天天向上体操男团齐飙歌好兄弟唱响青春", "PER": [{"str": "郑多莲", "start_position": 0, "end_position": 2}]} 190 | {"id": "00190", "query": "超级育儿师 第三季解答年轻父母育儿困惑", "TV": [{"str": "超", "start_position": 0, "end_position": 0}], "NUM": [{"str": "第三季", "start_position": 6, "end_position": 8}]} 191 | {"id": "00191", "query": "犬夜叉完结篇09", "TV": [{"str": "犬夜叉完结篇", "start_position": 0, "end_position": 5}]} 192 | {"id": "00192", "query": "济公", "TV": [{"str": "济", "start_position": 0, "end_position": 0}]} 193 | {"id": "00193", "query": "花二哥与六朵金花花二哥事业路上桃花不断", "TV": [{"str": "花二哥", "start_position": 0, "end_position": 2}, {"str": "花二哥与六朵金花花", "start_position": 0, "end_position": 8}]} 194 | {"id": "00194", "query": "百变大星秀(Mr.Black黑猫警长)", "TV": [{"str": "百变大星秀", "start_position": 0, "end_position": 4}, {"str": "黑猫警长", "start_position": 14, "end_position": 17}]} 195 | {"id": "00195", "query": "【老鸟解说】光荣使命OL火箭筒模式", "PER": [{"str": "老鸟", "start_position": 1, "end_position": 2}], "TV": [{"str": "光荣使命", "start_position": 6, "end_position": 9}]} 196 | {"id": "00196", "query": "蜻蜓少年双胞胎苦练骑车新姿势", "TV": [{"str": "蜻蜓", "start_position": 0, "end_position": 1}]} 197 | {"id": "00197", "query": "犬夜叉146"} 198 | {"id": "00198", "query": "灌篮高手77"} 199 | {"id": "00199", "query": "侯文静相声专辑《矿山新八扇》", "PER": [{"str": "侯文静", "start_position": 0, "end_position": 2}], "TV": [{"str": "矿山新八扇", "start_position": 8, "end_position": 12}]} 200 | {"id": "00200", "query": "12托马斯品钦《拍卖第49批邮票》", "PER": [{"str": "托马斯", "start_position": 2, "end_position": 4}, {"str": "品钦", "start_position": 5, "end_position": 6}]} 201 | {"id": "00201", "query": "新少年四大名捕--8分钟长片花2014", "TV": [{"str": "新少年四大名捕", "start_position": 0, "end_position": 6}]} 202 | {"id": "00202", "query": "蜡笔小新国语版126-130"} 203 | {"id": "00203", "query": "《花千骨》大结局白子画花千骨师徒圆满杀阡陌为爱牺牲", "PER": [{"str": "白子画", "start_position": 8, "end_position": 10}, {"str": "杀阡陌", "start_position": 18, "end_position": 20}]} 204 | {"id": "00204", "query": "海贼王399"} 205 | {"id": "00205", "query": "向幸福出发 2016歌声寄情表达心声", "TV": [{"str": "向幸福出发", "start_position": 0, "end_position": 4}]} 206 | {"id": "00206", "query": "终极三国02"} 207 | {"id": "00207", "query": "猫和老鼠_028(240P)"} 208 | {"id": "00208", "query": "变形金刚之超能勇士第一季第02集", "TV": [{"str": "变形金刚", "start_position": 0, "end_position": 3}, {"str": "超能勇士", "start_position": 5, "end_position": 8}], "NUM": [{"str": "第一季", "start_position": 9, "end_position": 11}]} 209 | {"id": "00209", "query": "幸福保卫战型男美女分享婚姻之道", "TV": [{"str": "幸福保卫战", "start_position": 0, "end_position": 4}]} 210 | {"id": "00210", "query": "厨窗外的天空古玩店的三部曲蜕变", "TV": [{"str": "厨窗外的天空", "start_position": 0, "end_position": 5}]} 211 | {"id": "00211", "query": "换子成龙07", "TV": [{"str": "换子成龙", "start_position": 0, "end_position": 3}]} 212 | {"id": "00212", "query": "一周不死,全额退款杀手拼业绩谈死亡生意", "TV": [{"str": "一周不死", "start_position": 0, "end_position": 3}]} 213 | {"id": "00213", "query": "刘德华-仍然记得个一次(NewMelody版)", "PER": [{"str": "刘德华", "start_position": 0, "end_position": 2}]} 214 | {"id": "00214", "query": "HD*Anime海贼王_263司法之岛!EneasLobby的全貌!.rmvb", "TV": [{"str": "司法之岛", "start_position": 15, "end_position": 18}], "PER": [{"str": "司法之岛!EneasLobby", "start_position": 15, "end_position": 29}]} 215 | {"id": "00215", "query": "猫和老鼠73"} 216 | {"id": "00216", "query": "秦时明月之万里长城_08", "TV": [{"str": "秦时明月", "start_position": 0, "end_position": 3}, {"str": "万里长城", "start_position": 5, "end_position": 8}]} 217 | {"id": "00217", "query": "[琳琅小漠解说我的世界]娱乐搞笑解说活被小白虐", "PER": [{"str": "小漠", "start_position": 3, "end_position": 4}, {"str": "小白", "start_position": 20, "end_position": 21}]} 218 | {"id": "00218", "query": "电影《变形金刚2卷土重来》(希安拉博夫梅根福克斯)预告片2(剧场版)", "TV": [{"str": "变形金刚", "start_position": 3, "end_position": 6}, {"str": "卷土重来", "start_position": 8, "end_position": 11}], "PER": [{"str": "拉博夫", "start_position": 16, "end_position": 18}, {"str": "梅根福克斯", "start_position": 19, "end_position": 23}]} 219 | {"id": "00219", "query": "海贼王273"} 220 | {"id": "00220", "query": "宫崎骏音乐会-天空之城", "PER": [{"str": "宫崎骏", "start_position": 0, "end_position": 2}], "TV": [{"str": "天空之城", "start_position": 7, "end_position": 10}]} 221 | {"id": "00221", "query": "东成西就国语A", "TV": [{"str": "东成西就", "start_position": 0, "end_position": 3}]} 222 | {"id": "00222", "query": "股票行情分析股票讲座股市天天向上股票入门基础知识", "TV": [{"str": "股票行情分析", "start_position": 0, "end_position": 5}]} 223 | {"id": "00223", "query": "风云22009", "TV": [{"str": "风云", "start_position": 0, "end_position": 1}]} 224 | {"id": "00224", "query": "武则天女帝武则天的传奇一生", "TV": [{"str": "武则天女帝", "start_position": 0, "end_position": 4}], "PER": [{"str": "武则天", "start_position": 5, "end_position": 7}]} 225 | {"id": "00225", "query": "冰河技术组纪录片by老毕", "TV": [{"str": "冰", "start_position": 0, "end_position": 0}], "PER": [{"str": "老毕", "start_position": 10, "end_position": 11}]} 226 | {"id": "00226", "query": "死神28", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 227 | {"id": "00227", "query": "中国情歌汇2019情歌演绎及故事分享", "TV": [{"str": "中国情歌汇", "start_position": 0, "end_position": 4}]} 228 | {"id": "00228", "query": "死神51", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 229 | {"id": "00229", "query": "海贼王.第02话"} 230 | {"id": "00230", "query": "DeerStation视频-131001上海西岸音乐节全场鹿晗focus", "PER": [{"str": "鹿晗", "start_position": 29, "end_position": 30}]} 231 | {"id": "00231", "query": "海贼王393"} 232 | {"id": "00232", "query": "【虫叔♂知足】我的世界★izcraft生存服[5]★辛勤的老农民", "PER": [{"str": "虫叔", "start_position": 1, "end_position": 2}]} 233 | {"id": "00233", "query": "[阳光电影www.ygdy8.com].超凡蜘蛛侠2.HD.720p.中文字幕", "TV": [{"str": "超凡蜘蛛侠", "start_position": 20, "end_position": 24}]} 234 | {"id": "00234", "query": "名侦探柯南OVA8女子高中生侦探铃木园子的事件簿", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}], "PER": [{"str": "铃木园子", "start_position": 16, "end_position": 19}]} 235 | {"id": "00235", "query": "咱们结婚吧"} 236 | {"id": "00236", "query": "喜剧合伙人 2017爆笑小品高能来袭", "TV": [{"str": "喜", "start_position": 0, "end_position": 0}, {"str": "合伙人", "start_position": 2, "end_position": 4}]} 237 | {"id": "00237", "query": "夺房大战爸爸去哪儿第二季", "TV": [{"str": "夺房大战", "start_position": 0, "end_position": 3}, {"str": "爸爸去哪儿", "start_position": 4, "end_position": 8}], "NUM": [{"str": "第二季", "start_position": 9, "end_position": 11}]} 238 | {"id": "00238", "query": "网球王子全国大赛第三集", "TV": [{"str": "网球王子", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第三集", "start_position": 8, "end_position": 10}]} 239 | {"id": "00239", "query": "欢乐喜剧人150516[超清版](1)", "TV": [{"str": "欢乐喜剧人", "start_position": 0, "end_position": 4}]} 240 | {"id": "00240", "query": "知否知否应是绿肥红瘦 短剧版赵丽颖冯绍峰定情终生", "TV": [{"str": "知否知否应是", "start_position": 0, "end_position": 5}, {"str": "绿肥红瘦", "start_position": 6, "end_position": 9}], "PER": [{"str": "赵丽颖", "start_position": 14, "end_position": 16}, {"str": "冯绍峰", "start_position": 17, "end_position": 19}]} 241 | {"id": "00241", "query": "中国味道2019名人聚首寻找中国味道", "TV": [{"str": "中国味道", "start_position": 0, "end_position": 3}, {"str": "中国味道2019名人聚首寻找中国味道", "start_position": 0, "end_position": 17}]} 242 | {"id": "00242", "query": "我将真情给你精明商人难逃爱情魔咒", "TV": [{"str": "我将真情给你", "start_position": 0, "end_position": 5}]} 243 | {"id": "00243", "query": "我父亲的踪迹意大利父子暖心和解", "TV": [{"str": "我父亲的踪迹", "start_position": 0, "end_position": 5}]} 244 | {"id": "00244", "query": "邓超撒娇遭无视奔跑吧兄弟2014第3期", "PER": [{"str": "邓超", "start_position": 0, "end_position": 1}], "TV": [{"str": "奔跑吧兄弟", "start_position": 7, "end_position": 11}], "NUM": [{"str": "第3期", "start_position": 16, "end_position": 18}]} 245 | {"id": "00245", "query": "【猥琐】解说:火影战记美化版2", "PER": [{"str": "猥琐", "start_position": 1, "end_position": 2}], "TV": [{"str": "火影战记", "start_position": 7, "end_position": 10}]} 246 | {"id": "00246", "query": "[纪录片编辑室]20150224《巡逻纪事》", "TV": [{"str": "巡逻纪事", "start_position": 17, "end_position": 20}]} 247 | {"id": "00247", "query": "仙剑奇侠传09.rmvb", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 248 | {"id": "00248", "query": "FAIRYTAIL_妖精的尾巴_魔导少年第03话潜入!艾巴尔宅邸", "PER": [{"str": "FAIRYTAIL", "start_position": 0, "end_position": 8}, {"str": "艾巴尔", "start_position": 27, "end_position": 29}], "TV": [{"str": "妖精的尾巴", "start_position": 10, "end_position": 14}, {"str": "魔导少年", "start_position": 16, "end_position": 19}]} 249 | {"id": "00249", "query": "非常驾期 第一季明星自驾探寻古镇村落", "TV": [{"str": "非", "start_position": 0, "end_position": 0}, {"str": "常驾期", "start_position": 1, "end_position": 3}], "NUM": [{"str": "第一季", "start_position": 5, "end_position": 7}]} 250 | {"id": "00250", "query": "龙珠043", "TV": [{"str": "龙珠", "start_position": 0, "end_position": 1}]} 251 | {"id": "00251", "query": "仙剑奇侠传三31.国语字幕.", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 252 | {"id": "00252", "query": "cf夏佐解说.用百城枪刀僵尸好嚣张!哦~!", "PER": [{"str": "f夏佐", "start_position": 1, "end_position": 3}]} 253 | {"id": "00253", "query": "花千骨样片(简)"} 254 | {"id": "00254", "query": "鉴证实录 II 粤语版林保怡陈慧珊重续前缘", "TV": [{"str": "鉴证实录", "start_position": 0, "end_position": 3}], "PER": [{"str": "林保怡", "start_position": 11, "end_position": 13}, {"str": "陈慧珊", "start_position": 14, "end_position": 16}]} 255 | {"id": "00255", "query": "小菊的秋天颖儿本色出演草根女", "TV": [{"str": "小菊的秋天", "start_position": 0, "end_position": 4}], "PER": [{"str": "颖儿", "start_position": 5, "end_position": 6}]} 256 | {"id": "00256", "query": "苗阜秀 2016文化评论类脱口秀节目", "PER": [{"str": "苗阜秀", "start_position": 0, "end_position": 2}]} 257 | {"id": "00257", "query": "MONlCA张国荣", "PER": [{"str": "张国荣", "start_position": 6, "end_position": 8}]} 258 | {"id": "00258", "query": "《挑战不可能》录制现场TFboys王俊凯高处跌落坚持完成比赛", "TV": [{"str": "挑战不可能", "start_position": 1, "end_position": 5}], "PER": [{"str": "王俊凯", "start_position": 17, "end_position": 19}]} 259 | {"id": "00259", "query": "第15期:精彩集锦新春特别篇(鬼哥三国杀)【鬼哥制作】", "NUM": [{"str": "15期", "start_position": 1, "end_position": 3}], "TV": [{"str": "鬼", "start_position": 15, "end_position": 15}]} 260 | {"id": "00260", "query": "《武媚娘传奇》穿帮镜头第四弹媚娘舍身救爱人", "TV": [{"str": "武媚娘传奇", "start_position": 1, "end_position": 5}], "NUM": [{"str": "第四弹", "start_position": 11, "end_position": 13}], "PER": [{"str": "媚娘", "start_position": 14, "end_position": 15}]} 261 | {"id": "00261", "query": "87版红楼梦全集20"} 262 | {"id": "00262", "query": "爱情公寓302高清"} 263 | {"id": "00263", "query": "网球王子全国大赛OVA12", "TV": [{"str": "网球王子", "start_position": 0, "end_position": 3}]} 264 | {"id": "00264", "query": "皇子归来之欢喜县令欢喜冤家携手共破案", "TV": [{"str": "皇子归来", "start_position": 0, "end_position": 3}, {"str": "欢喜县令", "start_position": 5, "end_position": 8}]} 265 | {"id": "00265", "query": "雍正王朝高清带字幕16_标清", "TV": [{"str": "雍正王朝", "start_position": 0, "end_position": 3}]} 266 | {"id": "00266", "query": "《变形计2015》庄父初现体力不支0515", "PER": [{"str": "庄父", "start_position": 9, "end_position": 10}]} 267 | {"id": "00267", "query": "6降快瘦汤按摩减肥有效吗秦时明月未删减版", "TV": [{"str": "秦时明月", "start_position": 12, "end_position": 15}]} 268 | {"id": "00268", "query": "王梓维小朋友表演《欢乐颂》", "PER": [{"str": "王梓维", "start_position": 0, "end_position": 2}], "TV": [{"str": "欢乐颂", "start_position": 9, "end_position": 11}]} 269 | {"id": "00269", "query": "名侦探柯南第120集国语版", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 270 | {"id": "00270", "query": "七龙珠第一部107", "TV": [{"str": "七龙珠", "start_position": 0, "end_position": 2}], "NUM": [{"str": "第一部", "start_position": 3, "end_position": 5}]} 271 | {"id": "00271", "query": "儿歌视频大全两只老虎"} 272 | {"id": "00272", "query": "爱情公寓4第4集[高清].qsv", "NUM": [{"str": "第4集", "start_position": 5, "end_position": 7}]} 273 | {"id": "00273", "query": "韩剧《吞阳》第十六集", "TV": [{"str": "吞阳", "start_position": 3, "end_position": 4}]} 274 | {"id": "00274", "query": "关注儿童生殖系统发育儿童生殖系统病症应对措施", "TV": [{"str": "关", "start_position": 0, "end_position": 0}]} 275 | {"id": "00275", "query": "中国好人 2019纪实风格记录感人事迹", "TV": [{"str": "中国好人", "start_position": 0, "end_position": 3}]} 276 | {"id": "00276", "query": "璀璨人生何润东李沁甜蜜爱恋", "TV": [{"str": "璀璨人生", "start_position": 0, "end_position": 3}], "PER": [{"str": "何润东", "start_position": 4, "end_position": 6}, {"str": "何润东李沁", "start_position": 4, "end_position": 8}]} 277 | {"id": "00277", "query": "灌篮高手56"} 278 | {"id": "00278", "query": "★我的世界★Minecraft【甜萝】生活大冒险多模组村庄生存MC.17变身好好玩", "PER": [{"str": "甜萝", "start_position": 16, "end_position": 17}]} 279 | {"id": "00279", "query": "十万个冷笑话福禄篇5", "TV": [{"str": "十万个冷笑话", "start_position": 0, "end_position": 5}, {"str": "福禄篇", "start_position": 6, "end_position": 8}]} 280 | {"id": "00280", "query": "阿联酋档案记录(阿联酋的故事)", "TV": [{"str": "阿联酋档案记录", "start_position": 0, "end_position": 6}]} 281 | {"id": "00281", "query": "《使徒行者》不容错过的精彩看点yan", "TV": [{"str": "使徒行者", "start_position": 1, "end_position": 4}]} 282 | {"id": "00282", "query": "战狼", "TV": [{"str": "战狼", "start_position": 0, "end_position": 1}]} 283 | {"id": "00283", "query": "杀破狼JSwmv", "TV": [{"str": "杀破狼", "start_position": 0, "end_position": 2}]} 284 | {"id": "00284", "query": "花样的假面骑士", "TV": [{"str": "花样的假面骑士", "start_position": 0, "end_position": 6}]} 285 | {"id": "00285", "query": "鼠胆英雄黑帮小弟弄巧成拙变警察", "TV": [{"str": "鼠胆英雄", "start_position": 0, "end_position": 3}]} 286 | {"id": "00286", "query": "种植人生见证人生的步履不停", "TV": [{"str": "种植人生", "start_position": 0, "end_position": 3}]} 287 | {"id": "00287", "query": "邓超开口邀孙俪上跑男3刘嘉玲忙生意伟仔心疼", "PER": [{"str": "邓超", "start_position": 0, "end_position": 1}, {"str": "孙俪", "start_position": 5, "end_position": 6}, {"str": "刘嘉玲", "start_position": 11, "end_position": 13}, {"str": "伟仔", "start_position": 17, "end_position": 18}]} 288 | {"id": "00288", "query": "经典儿歌不上你的当_标清", "TV": [{"str": "不上你的当", "start_position": 4, "end_position": 8}]} 289 | {"id": "00289", "query": "出租屋的女人打工男女的心酸爱情", "TV": [{"str": "出租屋的女人", "start_position": 0, "end_position": 5}]} 290 | {"id": "00290", "query": "芈月传未播片段:论BGM的重要性芈月的7种打开方式-BO125", "TV": [{"str": "芈月传", "start_position": 0, "end_position": 2}], "PER": [{"str": "芈月", "start_position": 16, "end_position": 17}]} 291 | {"id": "00291", "query": "吃播投稿微信:cnzdch——156大胃王吃出个未来·韩国女主播吃货韩国吃播吃饭直播真的是什么都吃,大胃王减肥美食视频美食人生大学生做菜", "TV": [{"str": "吃", "start_position": 0, "end_position": 0}, {"str": "吃出个未来", "start_position": 21, "end_position": 25}]} 292 | {"id": "00292", "query": "七龙珠第三部017", "TV": [{"str": "七龙珠", "start_position": 0, "end_position": 2}], "NUM": [{"str": "第三部", "start_position": 3, "end_position": 5}]} 293 | {"id": "00293", "query": "《第四公民》:棱镜门始末号称现实版恐怖片", "TV": [{"str": "第四公民", "start_position": 1, "end_position": 4}, {"str": "棱镜门", "start_position": 7, "end_position": 9}, {"str": "棱镜门始末", "start_position": 7, "end_position": 11}]} 294 | {"id": "00294", "query": "二龙湖浩哥vs杜歌-《干了这杯酒》MV", "TV": [{"str": "二龙湖浩哥", "start_position": 0, "end_position": 4}, {"str": "干了这杯酒", "start_position": 11, "end_position": 15}], "PER": [{"str": "杜歌", "start_position": 7, "end_position": 8}]} 295 | {"id": "00295", "query": "【光明降临】银魂185", "TV": [{"str": "光明降临", "start_position": 1, "end_position": 4}]} 296 | {"id": "00296", "query": "伪装者26_高清", "TV": [{"str": "伪装者", "start_position": 0, "end_position": 2}]} 297 | {"id": "00297", "query": "七龙珠Z291", "TV": [{"str": "七龙珠", "start_position": 0, "end_position": 2}]} 298 | {"id": "00298", "query": "悦美食2018寻味美食诠释生活味道", "TV": [{"str": "悦美食", "start_position": 0, "end_position": 2}]} 299 | {"id": "00299", "query": "继承者们19_高清全集在线观看", "TV": [{"str": "继承者们", "start_position": 0, "end_position": 3}]} 300 | {"id": "00300", "query": "混世奇才庞振坤一代混世奇才征奸除恶", "TV": [{"str": "混世奇才", "start_position": 0, "end_position": 3}], "PER": [{"str": "庞振坤", "start_position": 4, "end_position": 6}]} 301 | {"id": "00301", "query": "驱魔童正义桃太郎魔宫再打鬼", "TV": [{"str": "驱魔童正义", "start_position": 0, "end_position": 4}, {"str": "桃太郎", "start_position": 5, "end_position": 7}]} 302 | {"id": "00302", "query": "卓越领导者的16堂商学课打造精英卓越的领导力", "TV": [{"str": "卓越领导者", "start_position": 0, "end_position": 4}]} 303 | {"id": "00303", "query": "超强音浪 第一季音乐合伙人打歌勇闯关", "TV": [{"str": "超强音浪", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第一季", "start_position": 5, "end_position": 7}]} 304 | {"id": "00304", "query": "海贼王034"} 305 | {"id": "00305", "query": "西游记98版05大战二郎神", "TV": [{"str": "西游记", "start_position": 0, "end_position": 2}, {"str": "二郎神", "start_position": 10, "end_position": 12}]} 306 | {"id": "00306", "query": "死神舞台剧记实", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 307 | {"id": "00307", "query": "9号秘事 第三季与9号有关的怪异故事", "TV": [{"str": "9号秘事", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第三季", "start_position": 5, "end_position": 7}]} 308 | {"id": "00308", "query": "家有儿女动画版04-3gp-320x240", "TV": [{"str": "家有儿女", "start_position": 0, "end_position": 3}]} 309 | {"id": "00309", "query": "小小家长顽皮子女体验家长辛酸", "TV": [{"str": "小", "start_position": 0, "end_position": 0}]} 310 | {"id": "00310", "query": "《固执》韩国女主播玫瑰自摸热舞激情诱惑视频", "TV": [{"str": "固执", "start_position": 1, "end_position": 2}], "PER": [{"str": "玫瑰", "start_position": 9, "end_position": 10}]} 311 | {"id": "00311", "query": "屌丝男士第4季完整第5集高清", "TV": [{"str": "屌丝男士", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第4季", "start_position": 4, "end_position": 6}, {"str": "第5集", "start_position": 9, "end_position": 11}]} 312 | {"id": "00312", "query": "耳畔中国 第一季蔡国庆阎维文打造国风音乐", "TV": [{"str": "耳畔中国", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第一季", "start_position": 5, "end_position": 7}], "PER": [{"str": "蔡国庆", "start_position": 8, "end_position": 10}, {"str": "蔡国庆阎维文", "start_position": 8, "end_position": 13}]} 313 | {"id": "00313", "query": "奇怪的袜子精灵小精灵的寻亲冒险之旅", "TV": [{"str": "奇怪的袜子", "start_position": 0, "end_position": 4}]} 314 | {"id": "00314", "query": "都市名片出租司机都市寻爱之旅", "TV": [{"str": "都市名片", "start_position": 0, "end_position": 3}, {"str": "出租司机", "start_position": 4, "end_position": 7}]} 315 | {"id": "00315", "query": "沈阳大力哥横出江湖万万没想到大力出奇迹", "TV": [{"str": "沈阳大力哥", "start_position": 0, "end_position": 4}]} 316 | {"id": "00316", "query": "还珠格格第二部07_标清", "NUM": [{"str": "第二部", "start_position": 4, "end_position": 6}]} 317 | {"id": "00317", "query": "蜡笔小新216"} 318 | {"id": "00318", "query": "花千骨第50集[高清]"} 319 | {"id": "00319", "query": "搞笑视频LetitGo(电影《冰雪奇缘》主题曲原版)专业祛痘加QQ66843488", "TV": [{"str": "冰雪奇缘", "start_position": 15, "end_position": 18}]} 320 | {"id": "00320", "query": "精彩视频点击www.taorenzhizao.com-宋小宝小品大全搞笑最新《疯狂相亲》宋小宝赵海?", "PER": [{"str": "宋小宝", "start_position": 27, "end_position": 29}, {"str": "宋小宝", "start_position": 44, "end_position": 46}, {"str": "宋小宝赵海", "start_position": 44, "end_position": 48}, {"str": "宋小宝赵海?", "start_position": 44, "end_position": 49}], "TV": [{"str": "疯狂相亲", "start_position": 39, "end_position": 42}]} 321 | {"id": "00321", "query": "蜡笔小新83"} 322 | {"id": "00322", "query": "快乐大本营_邓超被灌砒霜", "PER": [{"str": "邓超", "start_position": 6, "end_position": 7}]} 323 | {"id": "00323", "query": "名侦探柯南第170集国语版", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 324 | {"id": "00324", "query": "2013年爆笑仪仗队杯具傻缺集锦-快乐大本营"} 325 | {"id": "00325", "query": "【我的世界】暴走大事件epc.1下雨演讲", "TV": [{"str": "暴走大事件", "start_position": 6, "end_position": 10}]} 326 | {"id": "00326", "query": "湖南卫视春节联欢晚会2019群星齐聚喝彩中国年", "TV": [{"str": "湖南卫视春节联欢晚会", "start_position": 0, "end_position": 9}]} 327 | {"id": "00327", "query": "军武次位面第四季了解军事科技的力量", "TV": [{"str": "军武次位面", "start_position": 0, "end_position": 4}], "NUM": [{"str": "第四季", "start_position": 5, "end_position": 7}]} 328 | {"id": "00328", "query": "火影忍者271272(清晰)", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 329 | {"id": "00329", "query": "死神200", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 330 | {"id": "00330", "query": "国宝档案-三星堆玉器(下)", "TV": [{"str": "国宝档案", "start_position": 0, "end_position": 3}, {"str": "三星堆玉器", "start_position": 5, "end_position": 9}]} 331 | {"id": "00331", "query": "名侦探柯南109", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 332 | {"id": "00332", "query": "警察故事2013", "TV": [{"str": "警察故事", "start_position": 0, "end_position": 3}]} 333 | {"id": "00333", "query": "名侦探柯南全集OVA3柯南与平次与消失的少年", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}, {"str": "柯南", "start_position": 11, "end_position": 12}, {"str": "平次", "start_position": 14, "end_position": 15}]} 334 | {"id": "00334", "query": "今天mtv-刘德华mtv", "PER": [{"str": "刘德华", "start_position": 6, "end_position": 8}]} 335 | {"id": "00335", "query": "花千骨05"} 336 | {"id": "00336", "query": "股票技术分析选股技巧股市天天向上生财有道股票入门"} 337 | {"id": "00337", "query": "死神225", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 338 | {"id": "00338", "query": "幼儿园经典儿歌《天下的妈妈是一样的》快乐宝宝儿歌", "TV": [{"str": "天下的妈妈", "start_position": 8, "end_position": 12}, {"str": "天下的妈妈是一样的", "start_position": 8, "end_position": 16}]} 339 | {"id": "00339", "query": "蜗居.2009.中国.第16集."} 340 | {"id": "00340", "query": "海贼王高清414话"} 341 | {"id": "00341", "query": "韩剧吞噬太阳济州岛拍摄部分宣传预告片", "TV": [{"str": "吞噬太阳", "start_position": 2, "end_position": 5}]} 342 | {"id": "00342", "query": "名侦探柯南067→→舞台女演员杀人事件", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 343 | {"id": "00343", "query": "仙剑奇侠传三21", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 344 | {"id": "00344", "query": "(小韩上传)SD敢达三国传曹丕送给我的弟弟:地魔", "PER": [{"str": "小韩", "start_position": 1, "end_position": 2}, {"str": "曹丕", "start_position": 13, "end_position": 14}], "TV": [{"str": "敢达三国传", "start_position": 8, "end_position": 12}, {"str": "地魔", "start_position": 22, "end_position": 23}]} 345 | {"id": "00345", "query": "老板这点事抠门老板PK另类职员", "TV": [{"str": "老板这点事", "start_position": 0, "end_position": 4}]} 346 | {"id": "00346", "query": "七龙珠079", "TV": [{"str": "七龙珠", "start_position": 0, "end_position": 2}]} 347 | {"id": "00347", "query": "湖南卫视2018-2019跨年演唱会巨星云集实力开唱伴你跨年", "TV": [{"str": "湖", "start_position": 0, "end_position": 0}]} 348 | {"id": "00348", "query": "花千骨第10集预告白子画探望小骨[高清].qsv12222", "PER": [{"str": "白子画", "start_position": 9, "end_position": 11}]} 349 | {"id": "00349", "query": "94张智霖版射雕英雄传", "PER": [{"str": "张智霖", "start_position": 2, "end_position": 4}], "TV": [{"str": "射雕英雄传", "start_position": 6, "end_position": 10}]} 350 | {"id": "00350", "query": "热血高校2_高清_628"} 351 | {"id": "00351", "query": "股市天天向上个股推荐直击涨停个股分析股评直播谈股论金财富非常有道今日股市头脑风暴大盘热点股票K线分析", "TV": [{"str": "股", "start_position": 0, "end_position": 0}]} 352 | {"id": "00352", "query": "《歌唱魅力》郭德纲于谦2015精选相声", "TV": [{"str": "歌唱魅力", "start_position": 1, "end_position": 4}], "PER": [{"str": "郭德纲", "start_position": 6, "end_position": 8}, {"str": "郭德纲于谦", "start_position": 6, "end_position": 10}]} 353 | {"id": "00353", "query": "我们都要好好的 精华版刘涛杨烁演绎奋斗80后", "TV": [{"str": "我们都要好好的", "start_position": 0, "end_position": 6}], "PER": [{"str": "刘涛", "start_position": 11, "end_position": 12}, {"str": "刘涛杨烁", "start_position": 11, "end_position": 14}]} 354 | {"id": "00354", "query": "简笔笑画万万没想到柳岩男友财大器粗", "TV": [{"str": "简", "start_position": 0, "end_position": 0}], "PER": [{"str": "柳岩", "start_position": 9, "end_position": 10}]} 355 | {"id": "00355", "query": "极限挑战第五季小岳岳雷佳音爆笑加盟", "TV": [{"str": "极限挑战", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第五季", "start_position": 4, "end_position": 6}], "PER": [{"str": "小岳岳", "start_position": 7, "end_position": 9}, {"str": "雷佳音", "start_position": 10, "end_position": 12}]} 356 | {"id": "00356", "query": "最美岭南春—广东卫视春节晚会2019星光熠熠热闹过大年", "TV": [{"str": "最美岭南春", "start_position": 0, "end_position": 4}, {"str": "春节晚会", "start_position": 10, "end_position": 13}]} 357 | {"id": "00357", "query": "游戏人生零忧郁男子情恋机械少女", "TV": [{"str": "游戏人生", "start_position": 0, "end_position": 3}, {"str": "游戏人生零忧郁", "start_position": 0, "end_position": 6}]} 358 | {"id": "00358", "query": "2.儿歌教学(What'syourname)"} 359 | {"id": "00359", "query": "牧羊曲(《少林寺》电影主题曲)(1)朱红演唱", "TV": [{"str": "少林寺", "start_position": 5, "end_position": 7}], "PER": [{"str": "朱红", "start_position": 18, "end_position": 19}]} 360 | {"id": "00360", "query": "上错花轿嫁对郎7", "TV": [{"str": "上错花轿", "start_position": 0, "end_position": 3}, {"str": "上错花轿嫁对郎", "start_position": 0, "end_position": 6}]} 361 | {"id": "00361", "query": "郭德纲于谦【天下无贼】", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}, {"str": "于谦", "start_position": 3, "end_position": 4}], "TV": [{"str": "天下无贼", "start_position": 6, "end_position": 9}]} 362 | {"id": "00362", "query": "我要上春晚 2017草根春晚才艺梦想秀", "TV": [{"str": "我要上春晚", "start_position": 0, "end_position": 4}]} 363 | {"id": "00363", "query": "小矮人大世界第6季走进矮人的大世界", "NUM": [{"str": "第6季", "start_position": 6, "end_position": 8}]} 364 | {"id": "00364", "query": "初三物理热学知识精讲热学重难点精讲精练"} 365 | {"id": "00365", "query": "上班女王柳小岩柳总与员工的搞笑趣事", "TV": [{"str": "上班女王", "start_position": 0, "end_position": 3}], "PER": [{"str": "柳小岩", "start_position": 4, "end_position": 6}, {"str": "柳总", "start_position": 7, "end_position": 8}]} 366 | {"id": "00366", "query": "八一厂经典战争片——奇袭(下)_标清", "TV": [{"str": "八", "start_position": 0, "end_position": 0}, {"str": "奇袭", "start_position": 10, "end_position": 11}]} 367 | {"id": "00367", "query": "神雕侠侣24", "TV": [{"str": "神雕侠侣", "start_position": 0, "end_position": 3}]} 368 | {"id": "00368", "query": "别让爱沉默酒店领班背负家庭危机", "TV": [{"str": "别让爱沉默", "start_position": 0, "end_position": 4}]} 369 | {"id": "00369", "query": "灌篮高手002"} 370 | {"id": "00370", "query": "秘岸莫文蔚大秀身材玩暧昧", "TV": [{"str": "秘岸", "start_position": 0, "end_position": 1}], "PER": [{"str": "莫文蔚", "start_position": 2, "end_position": 4}]} 371 | {"id": "00371", "query": "爱情公寓18"} 372 | {"id": "00372", "query": "龙之争霸黑帮惨烈内斗阴谋重重", "TV": [{"str": "龙之争霸", "start_position": 0, "end_position": 3}]} 373 | {"id": "00373", "query": "刘德华-红尘天使", "PER": [{"str": "刘德华", "start_position": 0, "end_position": 2}], "TV": [{"str": "红尘天使", "start_position": 4, "end_position": 7}]} 374 | {"id": "00374", "query": "大玩家 精编 2019多屏互动玩具真人秀"} 375 | {"id": "00375", "query": "2015郭德纲相声德云社2013相声下集_2", "PER": [{"str": "郭德纲", "start_position": 4, "end_position": 6}]} 376 | {"id": "00376", "query": "蜡笔小新第3部36", "NUM": [{"str": "第3部", "start_position": 4, "end_position": 6}]} 377 | {"id": "00377", "query": "国画零基础自学入门简单易懂国画自学入门"} 378 | {"id": "00378", "query": "火影忍者158", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 379 | {"id": "00379", "query": "暴走漫画来自星星的你", "TV": [{"str": "暴", "start_position": 0, "end_position": 0}, {"str": "暴走漫画来自星星的你", "start_position": 0, "end_position": 9}]} 380 | {"id": "00380", "query": "火影忍者245", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 381 | {"id": "00381", "query": "宋小宝小品大全搞笑最新《碰瓷》爆笑2015宋小宝欢乐喜剧人", "PER": [{"str": "宋小宝", "start_position": 0, "end_position": 2}, {"str": "宋小宝", "start_position": 21, "end_position": 23}], "TV": [{"str": "碰瓷", "start_position": 12, "end_position": 13}, {"str": "欢乐喜剧人", "start_position": 24, "end_position": 28}]} 382 | {"id": "00382", "query": "韩国女主播美女热舞美女写真美女自拍美女诱惑自备纸巾", "TV": [{"str": "美女诱惑", "start_position": 17, "end_position": 20}]} 383 | {"id": "00383", "query": "陈云陈云70年革命生涯", "PER": [{"str": "陈云陈云", "start_position": 0, "end_position": 3}]} 384 | {"id": "00384", "query": "梦洁家纺牵手爸爸去哪儿,萌娃床戏6集", "TV": [{"str": "梦", "start_position": 0, "end_position": 0}, {"str": "爸爸去哪儿", "start_position": 6, "end_position": 10}]} 385 | {"id": "00385", "query": "放羊的星星-幸运之吻", "TV": [{"str": "放羊的星星", "start_position": 0, "end_position": 4}, {"str": "幸运之吻", "start_position": 6, "end_position": 9}]} 386 | {"id": "00386", "query": "93版【《第六感奇缘之人鱼传说》完整国语版】非粤语(已处理声道)郑伊健钟丽缇主演", "TV": [{"str": "第六感奇缘", "start_position": 5, "end_position": 9}, {"str": "人鱼传说", "start_position": 11, "end_position": 14}], "PER": [{"str": "钟丽缇", "start_position": 35, "end_position": 37}]} 387 | {"id": "00387", "query": "喜羊羊与灰太狼89", "TV": [{"str": "喜羊羊与灰太狼", "start_position": 0, "end_position": 6}]} 388 | {"id": "00388", "query": "秦时明月之夜尽天明09下", "TV": [{"str": "秦时明月", "start_position": 0, "end_position": 3}, {"str": "秦时明月之夜尽天明", "start_position": 0, "end_position": 8}]} 389 | {"id": "00389", "query": "备胎反击战2郑恺:郭德纲访谈秀!", "TV": [{"str": "备胎反击战", "start_position": 0, "end_position": 4}], "PER": [{"str": "郑恺", "start_position": 6, "end_position": 7}, {"str": "郭德纲", "start_position": 9, "end_position": 11}]} 390 | {"id": "00390", "query": "苏染染追夫记富家少女的追夫之路", "TV": [{"str": "苏染染追夫记", "start_position": 0, "end_position": 5}]} 391 | {"id": "00391", "query": "0001.QQ-【まなこ】我的世界已坠入爱河【原创振付】镜像", "PER": [{"str": "まなこ", "start_position": 9, "end_position": 11}]} 392 | {"id": "00392", "query": "梦里回到昨天慈祥爷爷不能说的秘密", "TV": [{"str": "梦里回到昨天", "start_position": 0, "end_position": 5}], "PER": [{"str": "慈祥", "start_position": 6, "end_position": 7}]} 393 | {"id": "00393", "query": "名侦探柯南329", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 394 | {"id": "00394", "query": "猎袭黑白两道争夺旷世宝图", "TV": [{"str": "猎袭", "start_position": 0, "end_position": 1}, {"str": "猎袭黑白两道", "start_position": 0, "end_position": 5}]} 395 | {"id": "00395", "query": "【老妖独家】【警察故事2013】马来西亚惊喜宣传预告片", "PER": [{"str": "老妖", "start_position": 1, "end_position": 2}], "TV": [{"str": "警察故事", "start_position": 7, "end_position": 10}]} 396 | {"id": "00396", "query": "4月7日,邓超为你而跑。奔跑吧,兄弟。。", "PER": [{"str": "邓超", "start_position": 5, "end_position": 6}], "TV": [{"str": "奔跑吧,兄弟", "start_position": 12, "end_position": 17}]} 397 | {"id": "00397", "query": "是咁的,法官阁下关礼杰黄智贤对簿法庭", "PER": [{"str": "关礼杰", "start_position": 8, "end_position": 10}, {"str": "黄智贤", "start_position": 11, "end_position": 13}]} 398 | {"id": "00398", "query": "《武媚娘传奇》穿帮镜头第二弹!史上最销魂穿帮~", "TV": [{"str": "武媚娘传奇", "start_position": 1, "end_position": 5}], "NUM": [{"str": "第二弹", "start_position": 11, "end_position": 13}]} 399 | {"id": "00399", "query": "海贼王418"} 400 | {"id": "00400", "query": "◆阿汤家◆犬夜叉067-[猛烈的叛变之风]", "PER": [{"str": "阿汤家", "start_position": 1, "end_position": 3}], "TV": [{"str": "犬夜叉", "start_position": 5, "end_position": 7}]} 401 | {"id": "00401", "query": "加油中国年·天津广播电视台春节联欢晚会2019孟鹤堂周九良欢笑集结", "TV": [{"str": "加油中国年", "start_position": 0, "end_position": 4}, {"str": "春节联欢晚会", "start_position": 13, "end_position": 18}], "PER": [{"str": "孟鹤堂", "start_position": 23, "end_position": 25}, {"str": "周九良", "start_position": 26, "end_position": 28}]} 402 | {"id": "00402", "query": "韩束2015广告大片:谢霆锋爆状态搞定林志玲_标清", "TV": [{"str": "韩束", "start_position": 0, "end_position": 1}], "PER": [{"str": "谢霆锋", "start_position": 11, "end_position": 13}, {"str": "林志玲", "start_position": 19, "end_position": 21}]} 403 | {"id": "00403", "query": "港珠澳大桥桥梁建设者的工匠精神", "TV": [{"str": "港珠澳大桥", "start_position": 0, "end_position": 4}]} 404 | {"id": "00404", "query": "生死劫杀1946共产党与特务生死搏杀", "TV": [{"str": "生死劫杀", "start_position": 0, "end_position": 3}]} 405 | {"id": "00405", "query": "命中注定我爱你15", "TV": [{"str": "命", "start_position": 0, "end_position": 0}]} 406 | {"id": "00406", "query": "来自星星的你", "TV": [{"str": "来自星星的你", "start_position": 0, "end_position": 5}]} 407 | {"id": "00407", "query": "郭德纲于谦相声集锦【我要XX】", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}, {"str": "于谦", "start_position": 3, "end_position": 4}]} 408 | {"id": "00408", "query": "地球之极·侣行 第三季侣行夫妇环球极地大冒险", "TV": [{"str": "地球之极", "start_position": 0, "end_position": 3}, {"str": "地球之极·侣行", "start_position": 0, "end_position": 6}], "NUM": [{"str": "第三季", "start_position": 8, "end_position": 10}]} 409 | {"id": "00409", "query": "老梁故事汇20121004", "TV": [{"str": "老梁故事汇", "start_position": 0, "end_position": 4}]} 410 | {"id": "00410", "query": "猪猪侠之变身战队第9部百变联盟22", "TV": [{"str": "猪猪侠", "start_position": 0, "end_position": 2}, {"str": "猪猪侠之变身战队", "start_position": 0, "end_position": 7}, {"str": "百变联盟", "start_position": 11, "end_position": 14}], "NUM": [{"str": "第9部", "start_position": 8, "end_position": 10}]} 411 | {"id": "00411", "query": "小猪上演搞怪乡村时装秀极限挑战20150719高清版", "PER": [{"str": "小猪", "start_position": 0, "end_position": 1}]} 412 | {"id": "00412", "query": "名侦探柯南192", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 413 | {"id": "00413", "query": "快乐男声 2017超级男孩残酷偶像选秀", "TV": [{"str": "快乐男声", "start_position": 0, "end_position": 3}, {"str": "超级男孩", "start_position": 9, "end_position": 12}]} 414 | {"id": "00414", "query": "《变形计》赵迪大转变", "TV": [{"str": "变形计", "start_position": 1, "end_position": 3}], "PER": [{"str": "赵迪", "start_position": 5, "end_position": 6}]} 415 | {"id": "00415", "query": "刘谦大型魔术秀131207快乐大本营", "PER": [{"str": "刘谦", "start_position": 0, "end_position": 1}]} 416 | {"id": "00416", "query": "海贼王33"} 417 | {"id": "00417", "query": "【神医喜来乐】第30集", "TV": [{"str": "神医喜来乐", "start_position": 1, "end_position": 5}]} 418 | {"id": "00418", "query": "大盘热点谈股论金股市天天向上股票基础知识生财有道", "TV": [{"str": "大盘热点", "start_position": 0, "end_position": 3}, {"str": "大盘热点谈股论金", "start_position": 0, "end_position": 7}]} 419 | {"id": "00419", "query": "我们是一家人用家族亲情感化仇恨", "TV": [{"str": "我们是一家人", "start_position": 0, "end_position": 5}]} 420 | {"id": "00420", "query": "新蜀山剑侠马景涛陈德容侠骨柔情", "TV": [{"str": "新蜀山剑侠", "start_position": 0, "end_position": 4}], "PER": [{"str": "马景涛", "start_position": 5, "end_position": 7}, {"str": "陈德容", "start_position": 8, "end_position": 10}]} 421 | {"id": "00421", "query": "暴风法庭午夜凶案暗藏重重阴谋", "TV": [{"str": "暴风法庭", "start_position": 0, "end_position": 3}, {"str": "午夜凶案", "start_position": 4, "end_position": 7}]} 422 | {"id": "00422", "query": "蓝磨房当代农民翻身创业记", "TV": [{"str": "蓝磨房", "start_position": 0, "end_position": 2}]} 423 | {"id": "00423", "query": "成龙北京大摆六十寿宴大牌云集堪比国际电影节140409_标清", "TV": [{"str": "成龙", "start_position": 0, "end_position": 1}]} 424 | {"id": "00424", "query": "1熊出没之过年_高清", "TV": [{"str": "1", "start_position": 0, "end_position": 0}, {"str": "熊出没", "start_position": 1, "end_position": 3}, {"str": "熊出没之过年", "start_position": 1, "end_position": 6}]} 425 | {"id": "00425", "query": "红楼梦第二十五集下3GP"} 426 | {"id": "00426", "query": "最后的约定缉毒警察为家正义战斗", "TV": [{"str": "最后的约定", "start_position": 0, "end_position": 4}]} 427 | {"id": "00427", "query": "秘境不思溢 第二季走访世界挖掘特色文化", "TV": [{"str": "秘境不思溢", "start_position": 0, "end_position": 4}], "NUM": [{"str": "第二季", "start_position": 6, "end_position": 8}]} 428 | {"id": "00428", "query": "【旋风少女】杨洋特辑第五集[精选]", "TV": [{"str": "旋风少女", "start_position": 1, "end_position": 4}], "PER": [{"str": "杨洋", "start_position": 6, "end_position": 7}]} 429 | {"id": "00429", "query": "《屌丝青年之男儿当自强》郭德纲于谦2016精选相声", "TV": [{"str": "屌丝青年", "start_position": 1, "end_position": 4}, {"str": "男儿当自强", "start_position": 6, "end_position": 10}], "PER": [{"str": "郭德纲", "start_position": 12, "end_position": 14}, {"str": "于谦", "start_position": 15, "end_position": 16}]} 430 | {"id": "00430", "query": "猫的报恩。。宫崎骏", "TV": [{"str": "猫", "start_position": 0, "end_position": 0}], "PER": [{"str": "宫崎骏", "start_position": 6, "end_position": 8}]} 431 | {"id": "00431", "query": "仙剑奇侠传三.08", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 432 | {"id": "00432", "query": "《曾仕强论三国智慧》01不打不相识", "PER": [{"str": "曾仕强", "start_position": 1, "end_position": 3}]} 433 | {"id": "00433", "query": "奔跑吧兄弟未播出版:权志龙助阵baby秒变小粉丝羞涩与偶像贴身跳舞暧昧", "TV": [{"str": "奔跑吧兄弟", "start_position": 0, "end_position": 4}], "PER": [{"str": "权志龙", "start_position": 10, "end_position": 12}, {"str": "baby", "start_position": 15, "end_position": 18}]} 434 | {"id": "00434", "query": "犬夜叉完结篇05高清", "TV": [{"str": "犬夜叉完结篇", "start_position": 0, "end_position": 5}]} 435 | {"id": "00435", "query": "大军阀土匪头子变身霸道军阀", "TV": [{"str": "大军阀", "start_position": 0, "end_position": 2}]} 436 | {"id": "00436", "query": "死神大字幕198", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 437 | {"id": "00437", "query": "魔鬼使徒离奇施暴案背后藏真相", "TV": [{"str": "魔鬼使徒", "start_position": 0, "end_position": 3}]} 438 | {"id": "00438", "query": "[叁金壹良]七龙珠第一部66", "PER": [{"str": "金壹良", "start_position": 2, "end_position": 4}], "TV": [{"str": "七龙珠", "start_position": 6, "end_position": 8}], "NUM": [{"str": "第一部", "start_position": 9, "end_position": 11}]} 439 | {"id": "00439", "query": "微博之夜2018潮流盛典汇聚璀璨星光", "TV": [{"str": "微博之夜", "start_position": 0, "end_position": 3}]} 440 | {"id": "00440", "query": "七龙珠第一部国语版138", "TV": [{"str": "七龙珠", "start_position": 0, "end_position": 2}], "NUM": [{"str": "第一部", "start_position": 3, "end_position": 5}]} 441 | {"id": "00441", "query": "海贼王144"} 442 | {"id": "00442", "query": "【我的世界】小书的第100个视频幸运观众抽奖预告片"} 443 | {"id": "00443", "query": ".啦啦啦德玛西亚之超神学院__第25集__720P高清.xv", "TV": [{"str": ".", "start_position": 0, "end_position": 0}, {"str": "啦啦啦德玛西亚", "start_position": 1, "end_position": 7}, {"str": "超神学院", "start_position": 9, "end_position": 12}]} 444 | {"id": "00444", "query": "生死线第三季为你讲述全新的故事", "TV": [{"str": "生死线", "start_position": 0, "end_position": 2}], "NUM": [{"str": "第三季", "start_position": 3, "end_position": 5}]} 445 | {"id": "00445", "query": "香港群星经典爆笑喜剧【猛鬼狐狸精】香港经典喜剧鬼片", "TV": [{"str": "香港群星", "start_position": 0, "end_position": 3}, {"str": "猛鬼狐狸精", "start_position": 11, "end_position": 15}]} 446 | {"id": "00446", "query": "神话01.国语中字", "TV": [{"str": "神话", "start_position": 0, "end_position": 1}]} 447 | {"id": "00447", "query": "801.郑伊健_BeautifulDay(开场)", "PER": [{"str": "郑伊健", "start_position": 4, "end_position": 6}]} 448 | {"id": "00448", "query": "人生酒馆 2017“五杯酒”中畅谈人生", "TV": [{"str": "人生酒馆", "start_position": 0, "end_position": 3}]} 449 | {"id": "00449", "query": "海贼王370"} 450 | {"id": "00450", "query": "零距离·陈小春", "PER": [{"str": "陈小春", "start_position": 4, "end_position": 6}]} 451 | {"id": "00451", "query": "朱元璋-第19集", "PER": [{"str": "朱元璋", "start_position": 0, "end_position": 2}]} 452 | {"id": "00452", "query": "上海滩", "TV": [{"str": "上海滩", "start_position": 0, "end_position": 2}]} 453 | {"id": "00453", "query": "僵尸之地-快看电影", "TV": [{"str": "僵尸之地", "start_position": 0, "end_position": 3}]} 454 | {"id": "00454", "query": "英孚自然拼读启蒙课跟随外教轻松自然拼读", "PER": [{"str": "英孚", "start_position": 0, "end_position": 1}]} 455 | {"id": "00455", "query": "《使徒行者》不容错过的演员采访__H264高清_1280x720nao", "TV": [{"str": "使徒行者", "start_position": 1, "end_position": 4}]} 456 | {"id": "00456", "query": "五棵松HIPARK高挑俊男D杯美女泼水激战", "TV": [{"str": "五棵松", "start_position": 0, "end_position": 2}]} 457 | {"id": "00457", "query": "韩剧《最后之舞》第十集1", "TV": [{"str": "最后之舞", "start_position": 3, "end_position": 6}]} 458 | {"id": "00458", "query": "go逼解说:我的世界,好坑..........", "PER": [{"str": "g", "start_position": 0, "end_position": 0}, {"str": "o逼", "start_position": 1, "end_position": 2}]} 459 | {"id": "00459", "query": "兔小贝儿歌023小猴运动会", "PER": [{"str": "兔小贝", "start_position": 0, "end_position": 2}]} 460 | {"id": "00460", "query": "【封封视频】【小媳婦與少奶奶第04集国语韩剧】*****************************************", "TV": [{"str": "封封", "start_position": 1, "end_position": 2}, {"str": "小媳婦與少奶奶", "start_position": 7, "end_position": 13}]} 461 | {"id": "00461", "query": "海贼王232"} 462 | {"id": "00462", "query": "谢文东第三季36集", "PER": [{"str": "谢文东", "start_position": 0, "end_position": 2}], "NUM": [{"str": "第三季", "start_position": 3, "end_position": 5}]} 463 | {"id": "00463", "query": "刘德华天比高mv", "PER": [{"str": "刘德华", "start_position": 0, "end_position": 2}]} 464 | {"id": "00464", "query": "云南虫谷之献王传说三人小队集结再出山", "TV": [{"str": "云", "start_position": 0, "end_position": 0}, {"str": "南虫谷", "start_position": 1, "end_position": 3}, {"str": "献王传说", "start_position": 5, "end_position": 8}]} 465 | {"id": "00465", "query": "犬夜叉127不能煮恐怖的干货妖怪", "TV": [{"str": "犬夜叉", "start_position": 0, "end_position": 2}]} 466 | {"id": "00466", "query": "咱们结婚吧第十三13集极品父母要离婚果然淡然护孩子", "TV": [{"str": "咱们结婚吧", "start_position": 0, "end_position": 4}], "NUM": [{"str": "第十三", "start_position": 5, "end_position": 7}]} 467 | {"id": "00467", "query": "霍元甲.3gp", "TV": [{"str": "霍元甲", "start_position": 0, "end_position": 2}]} 468 | {"id": "00468", "query": "喜羊羊与灰太狼005", "TV": [{"str": "喜羊羊与灰太狼", "start_position": 0, "end_position": 6}]} 469 | {"id": "00469", "query": "《天天向上》勇敢的少年快去创造奇迹130921高清4湖南卫视网"} 470 | {"id": "00470", "query": "郭德纲、何云伟、曹云金:小训徒", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}, {"str": "何云伟", "start_position": 4, "end_position": 6}, {"str": "曹云金", "start_position": 8, "end_position": 10}]} 471 | {"id": "00471", "query": "德云社德云三宝相声专场 邯郸站 2017德云三宝邯郸演出放送"} 472 | {"id": "00472", "query": "游戏王017"} 473 | {"id": "00473", "query": "数位游戏王20090725"} 474 | {"id": "00474", "query": "福星闯江湖刘嘉玲英勇出击战黑恶", "TV": [{"str": "福星", "start_position": 0, "end_position": 1}, {"str": "福星闯江湖", "start_position": 0, "end_position": 4}], "PER": [{"str": "刘嘉玲", "start_position": 5, "end_position": 7}]} 475 | {"id": "00475", "query": "18_张杰现场献花向谢娜表白110402快乐大本营高清", "PER": [{"str": "张杰", "start_position": 3, "end_position": 4}, {"str": "谢娜", "start_position": 10, "end_position": 11}]} 476 | {"id": "00476", "query": "篮球火08", "TV": [{"str": "篮球火", "start_position": 0, "end_position": 2}]} 477 | {"id": "00477", "query": "芭比娃娃"} 478 | {"id": "00478", "query": "柯南532"} 479 | {"id": "00479", "query": "韩国女主播热舞爱上女主播美女热舞美女直播女主播夏娃", "PER": [{"str": "夏娃", "start_position": 23, "end_position": 24}]} 480 | {"id": "00480", "query": "鸭王BD1280高清国粤双语中字"} 481 | {"id": "00481", "query": "游戏王5DS30"} 482 | {"id": "00482", "query": "罗马斗兽场古罗马斗兽场的复兴", "TV": [{"str": "罗马斗兽场", "start_position": 0, "end_position": 4}]} 483 | {"id": "00483", "query": "四大名捕06_标清", "TV": [{"str": "四大名捕", "start_position": 0, "end_position": 3}]} 484 | {"id": "00484", "query": "筑梦情缘 TV版霍建华杨幂匠心筑梦", "TV": [{"str": "筑梦情缘", "start_position": 0, "end_position": 3}], "PER": [{"str": "霍建华", "start_position": 8, "end_position": 10}, {"str": "霍建华杨幂", "start_position": 8, "end_position": 12}]} 485 | {"id": "00485", "query": "山东少儿艺术团万德培训基地在万德中心小学的相声《吹牛》"} 486 | {"id": "00486", "query": "火影忍者[第280话]", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 487 | {"id": "00487", "query": "八年级上册语文同步课:黄鹤楼黄鹤楼学霸语文同步课"} 488 | {"id": "00488", "query": "陈晓心念赵丽颖大吃飞醋[超清版]", "PER": [{"str": "陈晓心", "start_position": 0, "end_position": 2}, {"str": "赵丽颖", "start_position": 4, "end_position": 6}]} 489 | {"id": "00489", "query": "★熊出没★光头强训练营开枪打熊二", "TV": [{"str": "熊出没", "start_position": 1, "end_position": 3}]} 490 | {"id": "00490", "query": "NARUTO火影忍者-不是男孩MV-真人", "TV": [{"str": "火影忍者", "start_position": 6, "end_position": 9}]} 491 | {"id": "00491", "query": "逃学威龙2DVD国语中字-2", "TV": [{"str": "逃学威龙", "start_position": 0, "end_position": 3}]} 492 | {"id": "00492", "query": "动画老实说《小美人鱼》", "TV": [{"str": "小美人鱼", "start_position": 6, "end_position": 9}]} 493 | {"id": "00493", "query": "包青天2008版09集1", "TV": [{"str": "包青天", "start_position": 0, "end_position": 2}]} 494 | {"id": "00494", "query": "“最具天才的青年演奏家”、柏林德意志交响乐团首席陆威小提琴曲目教学小提琴门徒修炼秘籍", "TV": [{"str": "“最具天才的青年演奏家", "start_position": 0, "end_position": 10}, {"str": "“最具天才的青年演奏家”、柏林德意志交响乐团", "start_position": 0, "end_position": 21}], "PER": [{"str": "陆威", "start_position": 24, "end_position": 25}]} 495 | {"id": "00495", "query": "解救吾先生麻辣烫的做法及配方7笑傲江湖", "TV": [{"str": "解救吾先生", "start_position": 0, "end_position": 4}, {"str": "笑傲江湖", "start_position": 15, "end_position": 18}]} 496 | {"id": "00496", "query": "铁齿铜牙纪晓岚第二部30", "NUM": [{"str": "第二部", "start_position": 7, "end_position": 9}]} 497 | {"id": "00497", "query": "咱们结婚吧33_高清"} 498 | {"id": "00498", "query": "非诚勿扰20141129-法海德fahid", "TV": [{"str": "非诚勿扰", "start_position": 0, "end_position": 3}], "PER": [{"str": "法海德", "start_position": 13, "end_position": 15}]} 499 | {"id": "00499", "query": "神台猫猫鼠逆天合作诈财游戏", "TV": [{"str": "神台猫猫鼠", "start_position": 0, "end_position": 4}]} 500 | {"id": "00500", "query": "仙剑奇侠传三09", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 501 | {"id": "00501", "query": "雍正王朝高清带字幕28", "TV": [{"str": "雍正王朝", "start_position": 0, "end_position": 3}]} 502 | {"id": "00502", "query": "天天向上20130405-B【华翔影视首发】【在线互粉】"} 503 | {"id": "00503", "query": "【飛雪上傳】海贼王139", "PER": [{"str": "飛雪", "start_position": 1, "end_position": 2}]} 504 | {"id": "00504", "query": "翟鸿燊讲座亮剑翟鸿燊讲老子", "PER": [{"str": "翟鸿燊", "start_position": 0, "end_position": 2}, {"str": "翟鸿燊", "start_position": 7, "end_position": 9}]} 505 | {"id": "00505", "query": "20130414011音乐风云榜孩子们领奖说话", "TV": [{"str": "音乐风云榜", "start_position": 11, "end_position": 15}]} 506 | {"id": "00506", "query": "七龙珠Z186", "TV": [{"str": "七龙珠", "start_position": 0, "end_position": 2}]} 507 | {"id": "00507", "query": "新亮剑16", "TV": [{"str": "新亮剑", "start_position": 0, "end_position": 2}]} 508 | {"id": "00508", "query": "1598742【金刚葫芦娃葫芦兄弟】06", "TV": [{"str": "金刚葫芦娃", "start_position": 8, "end_position": 12}, {"str": "葫芦兄弟", "start_position": 13, "end_position": 16}]} 509 | {"id": "00509", "query": "大话西游大圣娶亲", "TV": [{"str": "大话西游", "start_position": 0, "end_position": 3}]} 510 | {"id": "00510", "query": "红楼梦想黛玉寄人篱下少依傍", "TV": [{"str": "红楼梦想", "start_position": 0, "end_position": 3}], "PER": [{"str": "黛玉", "start_position": 4, "end_position": 5}]} 511 | {"id": "00511", "query": "龙珠GT042去死吧悟空从地狱复活的强敌", "TV": [{"str": "龙珠", "start_position": 0, "end_position": 1}, {"str": "龙珠GT", "start_position": 0, "end_position": 3}], "PER": [{"str": "悟空", "start_position": 10, "end_position": 11}]} 512 | {"id": "00512", "query": "火影忍者疾风传第305话可怕的秘密停播一周12月4日播放一小时特别篇继承火之意志新术爆发", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}, {"str": "疾风传", "start_position": 4, "end_position": 6}, {"str": "可怕的秘密", "start_position": 12, "end_position": 16}, {"str": "继", "start_position": 34, "end_position": 34}, {"str": "意志", "start_position": 38, "end_position": 39}]} 513 | {"id": "00513", "query": "朱传靖:将魂三国道具收费应用微端技术", "PER": [{"str": "朱传靖", "start_position": 0, "end_position": 2}], "TV": [{"str": "将", "start_position": 4, "end_position": 4}]} 514 | {"id": "00514", "query": "21金枝欲孽", "TV": [{"str": "金枝欲孽", "start_position": 2, "end_position": 5}]} 515 | {"id": "00515", "query": "易中天品三国12天下归心", "PER": [{"str": "易中天", "start_position": 0, "end_position": 2}], "TV": [{"str": "易中天品三国", "start_position": 0, "end_position": 5}]} 516 | {"id": "00516", "query": "三国英雄传之关公04", "TV": [{"str": "三国英雄传", "start_position": 0, "end_position": 4}, {"str": "关公", "start_position": 6, "end_position": 7}]} 517 | {"id": "00517", "query": "90后超强自制《钢铁侠3》微电影超清", "TV": [{"str": "钢铁侠", "start_position": 8, "end_position": 10}]} 518 | {"id": "00518", "query": "雷铭-九型人格孙晓琪翟鸿燊马云陈安之郭德纲徐鹤宁", "PER": [{"str": "雷铭", "start_position": 0, "end_position": 1}, {"str": "翟鸿燊", "start_position": 10, "end_position": 12}, {"str": "翟鸿燊马云", "start_position": 10, "end_position": 14}, {"str": "翟鸿燊马云陈安", "start_position": 10, "end_position": 16}], "TV": [{"str": "雷铭-九型人格", "start_position": 0, "end_position": 6}]} 519 | {"id": "00519", "query": "大牌来了:刘恺威杨幂遭拷问[娱乐星天地]", "TV": [{"str": "大牌来了", "start_position": 0, "end_position": 3}, {"str": "娱乐星天地", "start_position": 14, "end_position": 18}], "PER": [{"str": "刘恺威", "start_position": 5, "end_position": 7}, {"str": "刘恺威杨幂", "start_position": 5, "end_position": 9}]} 520 | {"id": "00520", "query": "动动广场舞情人桥天天向上-刘斌蔡国庆军歌嘹亮(下)", "TV": [{"str": "动", "start_position": 0, "end_position": 0}, {"str": "情人桥", "start_position": 5, "end_position": 7}], "PER": [{"str": "蔡国庆", "start_position": 15, "end_position": 17}]} 521 | {"id": "00521", "query": "杨幂新剧遭吐槽狗血剧情如何虐心高清", "PER": [{"str": "杨幂", "start_position": 0, "end_position": 1}]} 522 | {"id": "00522", "query": "livestudio致青春-特约", "TV": [{"str": "l", "start_position": 0, "end_position": 0}]} 523 | {"id": "00523", "query": "大宅门第一部18高清", "TV": [{"str": "大宅门", "start_position": 0, "end_position": 2}], "NUM": [{"str": "第一部", "start_position": 3, "end_position": 5}]} 524 | {"id": "00524", "query": "无味蓝染海贼王060", "TV": [{"str": "无味蓝染", "start_position": 0, "end_position": 3}]} 525 | {"id": "00525", "query": "死神第196话「参战!最强死神军团登场」", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 526 | {"id": "00526", "query": "岳云鹏唱送情郎憋不住侯震救场唱歌高清完整版", "PER": [{"str": "岳云鹏", "start_position": 0, "end_position": 2}, {"str": "侯震", "start_position": 10, "end_position": 11}]} 527 | {"id": "00527", "query": "恐龙战队星兽战队第11集", "TV": [{"str": "恐龙战队", "start_position": 0, "end_position": 3}, {"str": "星兽战队", "start_position": 4, "end_position": 7}]} 528 | {"id": "00528", "query": "郭德纲于谦《列宁在》北展跨专场", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}, {"str": "于谦", "start_position": 3, "end_position": 4}], "TV": [{"str": "列宁在", "start_position": 6, "end_position": 8}]} 529 | {"id": "00529", "query": "黄钰-致青春-江苏大学五院联合送毕业生晚会", "PER": [{"str": "黄钰", "start_position": 0, "end_position": 1}], "TV": [{"str": "致青春", "start_position": 3, "end_position": 5}]} 530 | {"id": "00530", "query": "名侦探柯南341", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 531 | {"id": "00531", "query": "[www.uing.tv]灌篮高手第100集"} 532 | {"id": "00532", "query": "E:神奇宝贝宠物小精灵DP102hjermvb", "TV": [{"str": "神奇宝贝", "start_position": 2, "end_position": 5}]} 533 | {"id": "00533", "query": "篮球火6c", "TV": [{"str": "篮球火", "start_position": 0, "end_position": 2}]} 534 | {"id": "00534", "query": "孝庄秘史28高清", "TV": [{"str": "孝庄秘史", "start_position": 0, "end_position": 3}]} 535 | {"id": "00535", "query": "【郑伊健】第六感奇缘之人鱼传说国语中字", "PER": [{"str": "郑伊健", "start_position": 1, "end_position": 3}], "TV": [{"str": "第六感奇缘", "start_position": 5, "end_position": 9}, {"str": "人鱼传说", "start_position": 11, "end_position": 14}]} 536 | {"id": "00536", "query": "使命召唤瑞哥试玩打靶", "TV": [{"str": "使命召唤", "start_position": 0, "end_position": 3}], "PER": [{"str": "瑞哥", "start_position": 4, "end_position": 5}]} 537 | {"id": "00537", "query": "2013-05-17经典传奇千年树抱佛之谜-0006"} 538 | {"id": "00538", "query": "芭比与魔幻飞马之旅01", "TV": [{"str": "芭比", "start_position": 0, "end_position": 1}, {"str": "魔幻飞马", "start_position": 3, "end_position": 6}, {"str": "魔幻飞马之旅", "start_position": 3, "end_position": 8}]} 539 | {"id": "00539", "query": "包青天之开封奇案29", "TV": [{"str": "包青天", "start_position": 0, "end_position": 2}, {"str": "开封奇案", "start_position": 4, "end_position": 7}]} 540 | {"id": "00540", "query": "泰国达人秀奇葩唱《包青天》", "TV": [{"str": "泰国达人秀", "start_position": 0, "end_position": 4}, {"str": "包青天", "start_position": 9, "end_position": 11}], "PER": [{"str": "奇葩", "start_position": 5, "end_position": 6}]} 541 | {"id": "00541", "query": "山东财经大学东方学院第七届舞蹈大赛——《中国芭比》", "TV": [{"str": "山东财经大学东方学院", "start_position": 0, "end_position": 9}, {"str": "中国芭比", "start_position": 20, "end_position": 23}]} 542 | {"id": "00542", "query": "名侦探柯南380", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 543 | {"id": "00543", "query": "变形金刚混剪", "TV": [{"str": "变形金刚", "start_position": 0, "end_position": 3}]} 544 | {"id": "00544", "query": "泰剧《五色花环》1996Mam&Numpeung-017", "TV": [{"str": "五色花环", "start_position": 3, "end_position": 6}]} 545 | {"id": "00545", "query": "《爱在春天》第17集[www.366dyw.com]", "TV": [{"str": "爱在春天", "start_position": 1, "end_position": 4}]} 546 | {"id": "00546", "query": "郭德纲2013最新相声大浪费郭德纲于谦北展办巡演", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}, {"str": "郭德纲", "start_position": 14, "end_position": 16}, {"str": "于谦", "start_position": 17, "end_position": 18}]} 547 | {"id": "00547", "query": "【飛雪上傳】海贼王206", "PER": [{"str": "飛雪", "start_position": 1, "end_position": 2}]} 548 | {"id": "00548", "query": "三国志动画(77)"} 549 | {"id": "00549", "query": "灌篮高手33"} 550 | {"id": "00550", "query": "泰剧缤纷之实13高清", "TV": [{"str": "缤纷之实", "start_position": 2, "end_position": 5}]} 551 | {"id": "00551", "query": "泰剧《蒙初之赐》1992版Ann&Dodo-096", "TV": [{"str": "蒙初之赐", "start_position": 3, "end_position": 6}]} 552 | {"id": "00552", "query": "无味蓝染古装剧场僵尸道长18", "TV": [{"str": "无味蓝染", "start_position": 0, "end_position": 3}, {"str": "僵尸道长", "start_position": 8, "end_position": 11}]} 553 | {"id": "00553", "query": "大唐双龙传40", "TV": [{"str": "大唐双龙传", "start_position": 0, "end_position": 4}]} 554 | {"id": "00554", "query": "快乐大本营快乐到家", "TV": [{"str": "快", "start_position": 0, "end_position": 0}]} 555 | {"id": "00555", "query": "郭德纲于谦相声《朋友论》", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}, {"str": "于谦", "start_position": 3, "end_position": 4}], "TV": [{"str": "朋友论", "start_position": 8, "end_position": 10}]} 556 | {"id": "00556", "query": "古惑仔2台北宣傳_4伊感谢刘伟强", "TV": [{"str": "古惑仔", "start_position": 0, "end_position": 2}], "PER": [{"str": "刘伟强", "start_position": 13, "end_position": 15}]} 557 | {"id": "00557", "query": "放羊的星星02A"} 558 | {"id": "00558", "query": "叙利亚自由军伏击93旅运输大队清晰版", "TV": [{"str": "叙利亚自由军", "start_position": 0, "end_position": 5}]} 559 | {"id": "00559", "query": "郑爽消失一年后复出", "PER": [{"str": "郑爽", "start_position": 0, "end_position": 1}]} 560 | {"id": "00560", "query": "海贼王608PSPKK"} 561 | {"id": "00561", "query": "天才笨笨碰130831快乐大本营高清", "TV": [{"str": "天才笨笨碰", "start_position": 0, "end_position": 4}]} 562 | {"id": "00562", "query": "铁齿铜牙纪晓岚4[高清DVD收藏版]30", "TV": [{"str": "纪晓岚", "start_position": 4, "end_position": 6}]} 563 | {"id": "00563", "query": "dota2starladder联赛vpvsfnatic"} 564 | {"id": "00564", "query": "20130906吕成聊吧孩子爆粗,不全是动画片的错", "PER": [{"str": "吕成", "start_position": 8, "end_position": 9}]} 565 | {"id": "00565", "query": "北京青年报:中国邮轮扣留事件丢了谁的脸?[北京您早]", "TV": [{"str": "北京青年报", "start_position": 0, "end_position": 4}, {"str": "北京您早", "start_position": 21, "end_position": 24}]} 566 | {"id": "00566", "query": "【猴姆独家】百威献礼Rihannab最新纪录片HalfOfMe超清首播!", "PER": [{"str": "猴姆", "start_position": 1, "end_position": 2}, {"str": "百威", "start_position": 6, "end_position": 7}]} 567 | {"id": "00567", "query": "夏目友人帐壹6", "TV": [{"str": "夏目友人帐", "start_position": 0, "end_position": 4}]} 568 | {"id": "00568", "query": "动画片《中华勤学故事》第31集李白铁杵磨成针", "TV": [{"str": "中华勤学故事", "start_position": 4, "end_position": 9}], "PER": [{"str": "李白", "start_position": 15, "end_position": 16}]} 569 | {"id": "00569", "query": "海绵宝宝花絮Spongebob'sGreatestbFreakouts!"} 570 | {"id": "00570", "query": "爱情公寓309"} 571 | {"id": "00571", "query": "爱盟幼儿园下载视频巧虎动画片"} 572 | {"id": "00572", "query": "新白娘子传奇《悲情面具》钢琴视奏版高清", "TV": [{"str": "新白娘子传奇", "start_position": 0, "end_position": 5}, {"str": "悲情面具", "start_position": 7, "end_position": 10}]} 573 | {"id": "00573", "query": "终极一班209"} 574 | {"id": "00574", "query": "可惜不是你_霜儿", "TV": [{"str": "可惜不是你", "start_position": 0, "end_position": 4}, {"str": "霜儿", "start_position": 6, "end_position": 7}]} 575 | {"id": "00575", "query": "陈港宏锦大厦\"刘德华和周杰伦\"现场活动“萨克斯表演", "PER": [{"str": "刘德华", "start_position": 7, "end_position": 9}, {"str": "周杰伦", "start_position": 11, "end_position": 13}]} 576 | {"id": "00576", "query": "海贼王123"} 577 | {"id": "00577", "query": "爸爸去哪儿20131018林志颖挑战做饭Kimi成放羊娃", "TV": [{"str": "爸爸去哪儿", "start_position": 0, "end_position": 4}], "PER": [{"str": "林志颖", "start_position": 13, "end_position": 15}]} 578 | {"id": "00578", "query": "【日韩剧集】世界奇妙物语2001奇迹之女观月阿里沙)", "TV": [{"str": "世界奇妙物语", "start_position": 6, "end_position": 11}, {"str": "奇迹之女", "start_position": 16, "end_position": 19}, {"str": "观月阿里沙", "start_position": 20, "end_position": 24}]} 579 | {"id": "00579", "query": "海贼王383"} 580 | {"id": "00580", "query": "张国荣《MyGod》", "PER": [{"str": "张国荣", "start_position": 0, "end_position": 2}]} 581 | {"id": "00581", "query": "千金归来第9集预告片_千金归来9集预告片_千金归来预告片高清", "TV": [{"str": "千金归来", "start_position": 0, "end_position": 3}, {"str": "千金归来", "start_position": 11, "end_position": 14}, {"str": "千金归来", "start_position": 21, "end_position": 24}]} 582 | {"id": "00582", "query": "法外风云13标清-all", "TV": [{"str": "法外风云", "start_position": 0, "end_position": 3}]} 583 | {"id": "00583", "query": "北京爱情故事,小时代杨幂同款lv包包推荐", "TV": [{"str": "北京爱情故事", "start_position": 0, "end_position": 5}, {"str": "北京爱情故事,小时代", "start_position": 0, "end_position": 9}], "PER": [{"str": "杨幂", "start_position": 10, "end_position": 11}]} 584 | {"id": "00584", "query": "倒霉熊第117集"} 585 | {"id": "00585", "query": "上海功新月嫂培训育婴师培训儿歌系列之(小蝌蚪找妈妈)", "TV": [{"str": "上海功新月嫂", "start_position": 0, "end_position": 5}]} 586 | {"id": "00586", "query": "AVI_001_仙剑奇侠传_偏爱", "PER": [{"str": "AVI", "start_position": 0, "end_position": 2}], "TV": [{"str": "仙剑奇侠传", "start_position": 8, "end_position": 12}]} 587 | {"id": "00587", "query": "千金归来18高清", "TV": [{"str": "千金归来", "start_position": 0, "end_position": 3}]} 588 | {"id": "00588", "query": "继承者们02高清", "TV": [{"str": "继承者们", "start_position": 0, "end_position": 3}]} 589 | {"id": "00589", "query": "_终极一班3_06东哥搞笑片段", "PER": [{"str": "东哥", "start_position": 9, "end_position": 10}]} 590 | {"id": "00590", "query": "爸爸去哪儿最近真的有搞抽奖活动吗", "TV": [{"str": "爸爸去哪儿", "start_position": 0, "end_position": 4}]} 591 | {"id": "00591", "query": "包青天之白玉堂传奇_江湖夜雨十年灯第22集[www.feifeicms.com]", "TV": [{"str": "包青天", "start_position": 0, "end_position": 2}, {"str": "白玉堂传奇", "start_position": 4, "end_position": 8}, {"str": "江湖夜雨十年灯", "start_position": 10, "end_position": 16}]} 592 | {"id": "00592", "query": "秦阳明解析《爸爸去哪儿》主演田亮女儿星途", "PER": [{"str": "秦阳明", "start_position": 0, "end_position": 2}, {"str": "田亮", "start_position": 14, "end_position": 15}], "TV": [{"str": "爸爸去哪儿", "start_position": 6, "end_position": 10}]} 593 | {"id": "00593", "query": "【小宋唱】我的心里只有你没有他宋小宝小品大全搞笑", "PER": [{"str": "小宋唱", "start_position": 1, "end_position": 3}, {"str": "宋小宝", "start_position": 15, "end_position": 17}], "TV": [{"str": "小宋唱】我的心里只有你没有他", "start_position": 1, "end_position": 14}]} 594 | {"id": "00594", "query": "咱们结婚吧30"} 595 | {"id": "00595", "query": "夏目友人帐07", "TV": [{"str": "夏目友人帐", "start_position": 0, "end_position": 4}]} 596 | {"id": "00596", "query": "刘德华-余生一起过-空间767671239", "PER": [{"str": "刘德华", "start_position": 0, "end_position": 2}]} 597 | {"id": "00597", "query": "鞍山市爱盟幼儿园早教动画片金牌数学爱蒙幼儿园", "TV": [{"str": "鞍山市爱盟", "start_position": 0, "end_position": 4}]} 598 | {"id": "00598", "query": "倒霉熊[第34集].xv"} 599 | {"id": "00599", "query": "万万没想到第16集大结局高清版抢先"} 600 | {"id": "00600", "query": "『海贼王』『第37话』『路飞站出来!食言约定的结果!』", "PER": [{"str": "路飞", "start_position": 12, "end_position": 13}]} 601 | {"id": "00601", "query": "神话", "TV": [{"str": "神", "start_position": 0, "end_position": 0}]} 602 | {"id": "00602", "query": "头条杨幂否认怀孕传闻将与刘恺威巴厘岛完婚131129", "PER": [{"str": "杨幂", "start_position": 2, "end_position": 3}, {"str": "刘恺威", "start_position": 12, "end_position": 14}]} 603 | {"id": "00603", "query": "笑尿!那些年被奥特曼欺负的小怪兽尸尸与小乖的旷世奇冤", "TV": [{"str": "笑尿!那些年", "start_position": 0, "end_position": 5}], "PER": [{"str": "小乖", "start_position": 19, "end_position": 20}]} 604 | {"id": "00604", "query": "家有儿女第一部44", "TV": [{"str": "家有儿女", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第一部", "start_position": 4, "end_position": 6}]} 605 | {"id": "00605", "query": "继承者们18", "TV": [{"str": "继承者们", "start_position": 0, "end_position": 3}]} 606 | {"id": "00606", "query": "火影忍者[第140话]两个人的心药师兜的圈套", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 607 | {"id": "00607", "query": "死神170", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 608 | {"id": "00608", "query": "爸爸去哪儿栏目组举办场外抽奖活动需要缴纳个人所得税是真的吗", "TV": [{"str": "爸爸去哪儿", "start_position": 0, "end_position": 4}]} 609 | {"id": "00609", "query": "新白娘子传奇31", "TV": [{"str": "新白娘子传奇", "start_position": 0, "end_position": 5}]} 610 | {"id": "00610", "query": "爸爸去哪儿131129郭涛小石头对话", "TV": [{"str": "爸爸去哪儿", "start_position": 0, "end_position": 4}], "PER": [{"str": "郭涛", "start_position": 11, "end_position": 12}, {"str": "小石头", "start_position": 13, "end_position": 15}]} 611 | {"id": "00611", "query": "仁者黄飞鸿17", "TV": [{"str": "仁者", "start_position": 0, "end_position": 1}], "PER": [{"str": "黄飞鸿", "start_position": 2, "end_position": 4}]} 612 | {"id": "00612", "query": "爸爸去哪儿场外抽为幸运要交纳百分之20的个人所得税才行吗?", "TV": [{"str": "爸爸去哪儿", "start_position": 0, "end_position": 4}]} 613 | {"id": "00613", "query": "火影忍者171", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 614 | {"id": "00614", "query": "全明星樱桃小丸子第三部", "TV": [{"str": "全明星樱桃小丸子", "start_position": 0, "end_position": 7}], "NUM": [{"str": "第三部", "start_position": 8, "end_position": 10}]} 615 | {"id": "00615", "query": "动画片《猫和老鼠》陕西话版05", "TV": [{"str": "猫和老鼠", "start_position": 4, "end_position": 7}]} 616 | {"id": "00616", "query": "一路向西观看在线完整观看一路向西2", "TV": [{"str": "一路向西", "start_position": 0, "end_position": 3}]} 617 | {"id": "00617", "query": "郭德纲于谦相声《郭家菜》2013郭德纲最新相声", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}, {"str": "于谦", "start_position": 3, "end_position": 4}, {"str": "郭德纲", "start_position": 16, "end_position": 18}], "TV": [{"str": "郭家菜", "start_position": 8, "end_position": 10}]} 618 | {"id": "00618", "query": "爸爸去哪儿手机场外奖金你9.8万元不去领奖还要被起诉是真的吗", "TV": [{"str": "爸爸去哪儿", "start_position": 0, "end_position": 4}]} 619 | {"id": "00619", "query": "亚洲十美揭晓刘诗诗杨幂不敌少女时代", "TV": [{"str": "亚洲十美", "start_position": 0, "end_position": 3}, {"str": "少女时代", "start_position": 13, "end_position": 16}], "PER": [{"str": "刘诗诗", "start_position": 6, "end_position": 8}, {"str": "刘诗诗杨幂", "start_position": 6, "end_position": 10}]} 620 | {"id": "00620", "query": "小爸爸19"} 621 | {"id": "00621", "query": "成龙录制《中国年》主动请缨演小品", "PER": [{"str": "成龙", "start_position": 0, "end_position": 1}], "TV": [{"str": "中国年", "start_position": 5, "end_position": 7}]} 622 | {"id": "00622", "query": "天元围棋2013年第3届三国女子擂台赛第12局崔精—李赫", "TV": [{"str": "天元围棋", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第3届", "start_position": 9, "end_position": 11}], "PER": [{"str": "崔精", "start_position": 23, "end_position": 24}, {"str": "李赫", "start_position": 26, "end_position": 27}]} 623 | {"id": "00623", "query": "湖南卫视爸爸去哪儿场外获奖名单是骗局吗", "TV": [{"str": "爸爸去哪儿", "start_position": 4, "end_position": 8}]} 624 | {"id": "00624", "query": "巨星成龙奶妈高秀凤老妻少夫访谈艺术人生搞笑视频二", "TV": [{"str": "巨星成龙奶妈", "start_position": 0, "end_position": 5}], "PER": [{"str": "高秀凤", "start_position": 6, "end_position": 8}]} 625 | {"id": "00625", "query": "死神015", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 626 | {"id": "00626", "query": "周大福福星宝宝携手全新喜羊羊与灰太狼系列共贺新年", "TV": [{"str": "周大福", "start_position": 0, "end_position": 2}, {"str": "福星宝宝", "start_position": 3, "end_position": 6}, {"str": "喜羊羊与灰太狼", "start_position": 11, "end_position": 17}]} 627 | {"id": "00627", "query": "韩国群星改编神曲《狐狸叫》MV《僵尸叫》[高清]", "TV": [{"str": "狐狸叫", "start_position": 9, "end_position": 11}, {"str": "僵尸叫", "start_position": 16, "end_position": 18}]} 628 | {"id": "00628", "query": "李沁-抱紧我电视剧《千金归来》片头曲", "PER": [{"str": "李沁", "start_position": 0, "end_position": 1}], "TV": [{"str": "千金归来", "start_position": 10, "end_position": 13}]} 629 | {"id": "00629", "query": "爸爸去哪儿获奖观众要先缴纳个人所得税是真的吗_其他问题_PCauto", "TV": [{"str": "爸爸去哪儿", "start_position": 0, "end_position": 4}]} 630 | {"id": "00630", "query": "乐维的飘飘空岛生存10-我的世界-回归ing", "TV": [{"str": "乐维", "start_position": 0, "end_position": 1}, {"str": "乐维的飘飘", "start_position": 0, "end_position": 4}]} 631 | {"id": "00631", "query": "赛文奥特曼07隐形挑战者", "TV": [{"str": "赛文奥特曼", "start_position": 0, "end_position": 4}]} 632 | {"id": "00632", "query": "鹿晗自爆QQ是863369262灿烈采访鹿晗哈哈鹿晗讲话就是精辟", "PER": [{"str": "鹿晗", "start_position": 0, "end_position": 1}, {"str": "灿烈", "start_position": 16, "end_position": 17}, {"str": "鹿晗", "start_position": 20, "end_position": 21}, {"str": "鹿晗", "start_position": 24, "end_position": 25}]} 633 | {"id": "00633", "query": "新天龙八部钟汉良版51集标清", "TV": [{"str": "新", "start_position": 0, "end_position": 0}, {"str": "天龙八部", "start_position": 1, "end_position": 4}], "PER": [{"str": "钟汉良", "start_position": 5, "end_position": 7}]} 634 | {"id": "00634", "query": "李小龙及其徒弟侧踢沙包录像", "PER": [{"str": "李小龙", "start_position": 0, "end_position": 2}]} 635 | {"id": "00635", "query": "《继承者们》【领袖中国】首发重磅推荐(19)", "TV": [{"str": "继承者们", "start_position": 1, "end_position": 4}, {"str": "领袖中国", "start_position": 7, "end_position": 10}]} 636 | {"id": "00636", "query": "香港经典恐怖喜剧僵尸鬼片[猛鬼旅行团]林正英吴君如", "TV": [{"str": "僵尸鬼片", "start_position": 8, "end_position": 11}, {"str": "猛鬼旅行团", "start_position": 13, "end_position": 17}], "PER": [{"str": "吴君如", "start_position": 22, "end_position": 24}]} 637 | {"id": "00637", "query": "迪士尼大片《冰雪奇缘》主题曲《LetItGo》25种语言版", "TV": [{"str": "冰雪奇缘", "start_position": 6, "end_position": 9}]} 638 | {"id": "00638", "query": "蜡笔小新第4部◆第222话松阪老师(相亲)", "NUM": [{"str": "第4部", "start_position": 4, "end_position": 6}], "PER": [{"str": "松阪", "start_position": 13, "end_position": 14}]} 639 | {"id": "00639", "query": "火影忍者疾风传266", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}, {"str": "疾风传", "start_position": 4, "end_position": 6}]} 640 | {"id": "00640", "query": "海贼王301"} 641 | {"id": "00641", "query": "猫和老鼠小海豹失踪记", "TV": [{"str": "猫", "start_position": 0, "end_position": 0}]} 642 | {"id": "00642", "query": "来自星星的你似月亮般弯了", "TV": [{"str": "来自星星的你", "start_position": 0, "end_position": 5}]} 643 | {"id": "00643", "query": "火影忍者050", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 644 | {"id": "00644", "query": "蜡笔小新日语原声版044-02-お花見は楽しいゾ【赏花真开心", "TV": [{"str": "蜡笔小新", "start_position": 0, "end_position": 3}]} 645 | {"id": "00645", "query": "名侦探柯南[第62集]", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 646 | {"id": "00646", "query": "[KK]数码宝贝第一季16", "NUM": [{"str": "第一季", "start_position": 8, "end_position": 10}]} 647 | {"id": "00647", "query": "谢娜快乐大本营李敏镐林志玲年代秀何炅[高清]", "PER": [{"str": "谢娜", "start_position": 0, "end_position": 1}, {"str": "李敏镐", "start_position": 7, "end_position": 9}, {"str": "林志玲", "start_position": 10, "end_position": 12}, {"str": "何炅", "start_position": 16, "end_position": 17}]} 648 | {"id": "00648", "query": "如何成为销售冠军闪电富翁博士班闪电富翁制造机3成功人际关系开讲啦马云完整篇", "PER": [{"str": "马云", "start_position": 32, "end_position": 33}]} 649 | {"id": "00649", "query": "终极一班3HD1024高清27"} 650 | {"id": "00650", "query": "动漫学儿歌_尾巴耳朵歌"} 651 | {"id": "00651", "query": "成龙“偷吻”宋祖英女神面露尴尬", "PER": [{"str": "成龙", "start_position": 0, "end_position": 1}, {"str": "宋祖英", "start_position": 6, "end_position": 8}]} 652 | {"id": "00652", "query": "名侦探柯南国语515怪盗基德的瞬间移动魔术,下集", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}, {"str": "怪盗基德", "start_position": 10, "end_position": 13}]} 653 | {"id": "00653", "query": "万万没想到赵本山怕老婆有人有图有真相", "TV": [{"str": "万", "start_position": 0, "end_position": 0}], "PER": [{"str": "赵本山", "start_position": 5, "end_position": 7}]} 654 | {"id": "00654", "query": "《一仆二主》萌叔御姐酒店开房发生那些事儿闫妮姐身材棒棒哟!", "TV": [{"str": "一仆二主", "start_position": 1, "end_position": 4}], "PER": [{"str": "闫妮姐", "start_position": 20, "end_position": 22}]} 655 | {"id": "00655", "query": "命中注定我爱你13", "TV": [{"str": "命", "start_position": 0, "end_position": 0}]} 656 | {"id": "00656", "query": "成龙被曝两会期间高清", "PER": [{"str": "成龙", "start_position": 0, "end_position": 1}]} 657 | {"id": "00657", "query": "140328今日体育档案"} 658 | {"id": "00658", "query": "笑傲江湖96国语版07", "TV": [{"str": "笑傲江湖", "start_position": 0, "end_position": 3}]} 659 | {"id": "00659", "query": "错点鸳鸯", "TV": [{"str": "错点鸳鸯", "start_position": 0, "end_position": 3}]} 660 | {"id": "00660", "query": "犬夜叉第19集", "TV": [{"str": "犬夜叉", "start_position": 0, "end_position": 2}]} 661 | {"id": "00661", "query": "印度电影歌曲《武力》片头曲", "TV": [{"str": "印", "start_position": 0, "end_position": 0}, {"str": "武力", "start_position": 7, "end_position": 8}]} 662 | {"id": "00662", "query": "[猫和老鼠]我为杰瑞而疯狂", "TV": [{"str": "猫和老鼠", "start_position": 1, "end_position": 4}], "PER": [{"str": "杰瑞", "start_position": 8, "end_position": 9}]} 663 | {"id": "00663", "query": "百变大咖秀罗辑思维中国好歌曲报告老板大闹天宫澳门风云喜爱夜蒲私人订制", "TV": [{"str": "百变大咖秀", "start_position": 0, "end_position": 4}, {"str": "罗辑思维中国好歌曲报告老板大闹天宫", "start_position": 5, "end_position": 21}, {"str": "澳门风云", "start_position": 22, "end_position": 25}], "PER": [{"str": "罗辑思维", "start_position": 5, "end_position": 8}]} 664 | {"id": "00664", "query": "花样男子【韩版流星花园】--07", "TV": [{"str": "花样男子", "start_position": 0, "end_position": 3}, {"str": "流星花园", "start_position": 7, "end_position": 10}]} 665 | {"id": "00665", "query": "[龙之战争]", "TV": [{"str": "龙之战争", "start_position": 1, "end_position": 4}]} 666 | {"id": "00666", "query": "李强说管理01如何成为销售冠军成功人际关系开讲啦马云完整篇", "PER": [{"str": "李强", "start_position": 0, "end_position": 1}, {"str": "马云", "start_position": 24, "end_position": 25}]} 667 | {"id": "00667", "query": "黑执事05"} 668 | {"id": "00668", "query": "开心麻花街20130616高清版_高清", "TV": [{"str": "开心麻花街", "start_position": 0, "end_position": 4}]} 669 | {"id": "00669", "query": "李强-执行到底:总裁高效执行力01如何成为销售冠军成功人际关系开讲啦马云完整篇", "PER": [{"str": "李强", "start_position": 0, "end_position": 1}, {"str": "马云", "start_position": 34, "end_position": 35}]} 670 | {"id": "00670", "query": "灌篮高手037"} 671 | {"id": "00671", "query": "[韩剧]《驀然回首》[国语]07集", "TV": [{"str": "驀然回首", "start_position": 5, "end_position": 8}]} 672 | {"id": "00672", "query": "火影忍者269", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 673 | {"id": "00673", "query": "小爸爸19_标清", "TV": [{"str": "小爸爸", "start_position": 0, "end_position": 2}]} 674 | {"id": "00674", "query": "仙剑奇侠传05", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 675 | {"id": "00675", "query": "笑看风云(国语版)37", "TV": [{"str": "笑看风云", "start_position": 0, "end_position": 3}]} 676 | {"id": "00676", "query": "红楼梦10高清", "TV": [{"str": "红楼梦", "start_position": 0, "end_position": 2}]} 677 | {"id": "00677", "query": "【海贼王AMV】REACHTHETOP(祝路飞早日登上顶点!)", "PER": [{"str": "路飞", "start_position": 21, "end_position": 22}]} 678 | {"id": "00678", "query": "新封神榜之武王伐纣11", "TV": [{"str": "新封神榜", "start_position": 0, "end_position": 3}, {"str": "武王伐纣", "start_position": 5, "end_position": 8}]} 679 | {"id": "00679", "query": "网球王子82", "TV": [{"str": "网球王子", "start_position": 0, "end_position": 3}]} 680 | {"id": "00680", "query": "《金玉良缘》:元宝麒麟的“楚河汉界”(霍建华、唐嫣)", "TV": [{"str": "金玉良缘", "start_position": 1, "end_position": 4}, {"str": "楚河汉界", "start_position": 13, "end_position": 16}], "PER": [{"str": "元宝麒麟", "start_position": 7, "end_position": 10}, {"str": "霍建华", "start_position": 19, "end_position": 21}, {"str": "唐嫣", "start_position": 23, "end_position": 24}]} 681 | {"id": "00681", "query": "火影忍者73", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 682 | {"id": "00682", "query": "泰剧【侠女天威】第12集[Vill、Tono剪辑][泰语无字]", "TV": [{"str": "侠女天威", "start_position": 3, "end_position": 6}]} 683 | {"id": "00683", "query": "火影忍者46", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 684 | {"id": "00684", "query": "巴巴熊英文儿歌:It'sASmallWorld世界真小", "PER": [{"str": "巴巴熊", "start_position": 0, "end_position": 2}]} 685 | {"id": "00685", "query": "柯南523"} 686 | {"id": "00686", "query": "火影忍者214-215", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 687 | {"id": "00687", "query": "死神206", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 688 | {"id": "00688", "query": "四平青年2二龙湖浩哥续集二龙湖浩哥之风云再起完整", "TV": [{"str": "四平青年", "start_position": 0, "end_position": 3}, {"str": "二龙湖浩哥", "start_position": 5, "end_position": 9}, {"str": "二龙湖浩哥", "start_position": 12, "end_position": 16}, {"str": "风云再起", "start_position": 18, "end_position": 21}]} 689 | {"id": "00689", "query": "韩国女主播美女热舞白嫩温柔可爱曼妮专辑-10_高清", "PER": [{"str": "曼妮", "start_position": 15, "end_position": 16}]} 690 | {"id": "00690", "query": "方李邦琴女士向伯克利大学捐赠珍贵档案(英文)", "TV": [{"str": "方", "start_position": 0, "end_position": 0}], "PER": [{"str": "李邦琴", "start_position": 1, "end_position": 3}]} 691 | {"id": "00691", "query": "美人鱼_标清", "TV": [{"str": "美人鱼", "start_position": 0, "end_position": 2}]} 692 | {"id": "00692", "query": "中南海保镖", "TV": [{"str": "中南海保镖", "start_position": 0, "end_position": 4}]} 693 | {"id": "00693", "query": "火影忍者248", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 694 | {"id": "00694", "query": "芭比我要和奶奶会说话的金杰", "TV": [{"str": "芭", "start_position": 0, "end_position": 0}], "PER": [{"str": "金杰", "start_position": 11, "end_position": 12}]} 695 | {"id": "00695", "query": "蜘蛛侠", "TV": [{"str": "蜘蛛侠", "start_position": 0, "end_position": 2}]} 696 | {"id": "00696", "query": "221B公寓!当爱情公寓遇到神探夏洛克", "TV": [{"str": "神探夏洛克", "start_position": 14, "end_position": 18}]} 697 | {"id": "00697", "query": "荒野求生秘技:厄瓜多2x05"} 698 | {"id": "00698", "query": "火影忍者585集w", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 699 | {"id": "00699", "query": "海贼王389"} 700 | {"id": "00700", "query": "乘法口诀儿歌_标清", "TV": [{"str": "乘法口诀", "start_position": 0, "end_position": 3}]} 701 | {"id": "00701", "query": "【專屬の凡寳】西游记(日本版)第5话", "PER": [{"str": "凡寳", "start_position": 4, "end_position": 5}], "NUM": [{"str": "第5话", "start_position": 15, "end_position": 17}]} 702 | {"id": "00702", "query": "09国产战争片高地32集全高地21"} 703 | {"id": "00703", "query": "死神第152话", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 704 | {"id": "00704", "query": "爸爸回来了140629Neinei饭后大秀毛笔字", "TV": [{"str": "爸", "start_position": 0, "end_position": 0}]} 705 | {"id": "00705", "query": "名侦探柯南165少年侦探团消失事件", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 706 | {"id": "00706", "query": "娱乐:大S坦承拍片时爱上古天乐", "PER": [{"str": "大S", "start_position": 3, "end_position": 4}, {"str": "古天乐", "start_position": 12, "end_position": 14}]} 707 | {"id": "00707", "query": "命中注定我爱你04", "TV": [{"str": "命", "start_position": 0, "end_position": 0}]} 708 | {"id": "00708", "query": "揭秘爸爸去哪儿第2季爸比们背后的美艳娇妻", "TV": [{"str": "揭秘爸爸去哪儿", "start_position": 0, "end_position": 6}, {"str": "爸", "start_position": 10, "end_position": 10}], "NUM": [{"str": "第2季", "start_position": 7, "end_position": 9}]} 709 | {"id": "00709", "query": "火影忍者304", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 710 | {"id": "00710", "query": "2011郭德纲天津初四专场02_标清", "PER": [{"str": "郭德纲", "start_position": 4, "end_position": 6}]} 711 | {"id": "00711", "query": "郭涛黄渤田原09贺岁大片《高兴》", "PER": [{"str": "郭涛", "start_position": 0, "end_position": 1}, {"str": "郭涛黄渤", "start_position": 0, "end_position": 3}, {"str": "郭涛黄渤田原", "start_position": 0, "end_position": 5}], "TV": [{"str": "高兴", "start_position": 13, "end_position": 14}]} 712 | {"id": "00712", "query": "快乐大本营"} 713 | {"id": "00713", "query": "《疯狂相亲》宋小宝", "PER": [{"str": "宋小宝", "start_position": 6, "end_position": 8}]} 714 | {"id": "00714", "query": "邓超现场", "PER": [{"str": "邓超", "start_position": 0, "end_position": 1}]} 715 | {"id": "00715", "query": "爸爸去哪儿 第二季萌娃闹矛盾(3)", "TV": [{"str": "爸爸去哪儿", "start_position": 0, "end_position": 4}], "NUM": [{"str": "第二季", "start_position": 6, "end_position": 8}]} 716 | {"id": "00716", "query": "网球王子04", "TV": [{"str": "网球王子", "start_position": 0, "end_position": 3}]} 717 | {"id": "00717", "query": "名侦探柯南039→→企业家千金杀人事件(前编)", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 718 | {"id": "00718", "query": "大庆黎明湖啤酒节,有幸请到谢霆锋替身", "TV": [{"str": "大庆黎明湖", "start_position": 0, "end_position": 4}], "PER": [{"str": "谢霆锋", "start_position": 13, "end_position": 15}]} 719 | {"id": "00719", "query": "死神87話", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 720 | {"id": "00720", "query": "火影忍者--097", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 721 | {"id": "00721", "query": "李小龙-猛龙过江40周年纪念日", "PER": [{"str": "李小龙", "start_position": 0, "end_position": 2}], "TV": [{"str": "猛龙过江", "start_position": 4, "end_position": 7}]} 722 | {"id": "00722", "query": "恶搞经典--刘德华拍电影_标清", "PER": [{"str": "刘德华", "start_position": 6, "end_position": 8}]} 723 | {"id": "00723", "query": "征服II狙击—05", "TV": [{"str": "征", "start_position": 0, "end_position": 0}]} 724 | {"id": "00724", "query": "恶搞经典--刘德华拍电影_标清", "PER": [{"str": "刘德华", "start_position": 6, "end_position": 8}]} 725 | {"id": "00725", "query": "舌尖上的中国-三餐", "TV": [{"str": "舌尖上的中国", "start_position": 0, "end_position": 5}]} 726 | {"id": "00726", "query": "火影忍者132", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 727 | {"id": "00727", "query": "【开心驿站】群孩子版《冰雪奇缘》主题曲-LetItGo", "TV": [{"str": "开心驿站", "start_position": 1, "end_position": 4}, {"str": "冰雪奇缘", "start_position": 11, "end_position": 14}]} 728 | {"id": "00728", "query": "《快乐大本营》陈学冬柯震东同织毛衣像夫妻", "PER": [{"str": "柯震东", "start_position": 10, "end_position": 12}]} 729 | {"id": "00729", "query": "变形金刚伟大的展会会展现场", "TV": [{"str": "变形金刚", "start_position": 0, "end_position": 3}]} 730 | {"id": "00730", "query": "银魂146"} 731 | {"id": "00731", "query": "张国荣【做伴】mv", "PER": [{"str": "张国荣", "start_position": 0, "end_position": 2}]} 732 | {"id": "00732", "query": "游戏王5Ds第47话拥有猿猴地形图案之志的男人"} 733 | {"id": "00733", "query": "篮球火03", "TV": [{"str": "篮球火", "start_position": 0, "end_position": 2}]} 734 | {"id": "00734", "query": "蜡笔小新第2部06-1", "NUM": [{"str": "第2部", "start_position": 4, "end_position": 6}]} 735 | {"id": "00735", "query": "小美人鱼"} 736 | {"id": "00736", "query": "儿歌快乐的一天开始了(龙威)", "PER": [{"str": "龙威", "start_position": 11, "end_position": 12}]} 737 | {"id": "00737", "query": "搞笑视频集锦-《咱们结婚吧》穿帮镜头", "TV": [{"str": "咱们结婚吧", "start_position": 8, "end_position": 12}]} 738 | {"id": "00738", "query": "数码宝贝02-12"} 739 | {"id": "00739", "query": "快乐大..爸爸去哪儿第二季精彩花絮~[高清]", "TV": [{"str": "爸爸去哪儿", "start_position": 5, "end_position": 9}], "NUM": [{"str": "第二季", "start_position": 10, "end_position": 12}]} 740 | {"id": "00740", "query": "二人转夫妻激情演绎另类时尚140504笑傲江湖_高清_标清", "TV": [{"str": "二人转夫妻", "start_position": 0, "end_position": 4}, {"str": "笑傲江湖", "start_position": 19, "end_position": 22}]} 741 | {"id": "00741", "query": "电视剧《邓小平》将播张嘉译零片酬出演习仲勋", "TV": [{"str": "邓小平", "start_position": 4, "end_position": 6}], "PER": [{"str": "张嘉译", "start_position": 10, "end_position": 12}, {"str": "习仲勋", "start_position": 18, "end_position": 20}]} 742 | {"id": "00742", "query": "万万没想到第二季美美事件", "NUM": [{"str": "第二季", "start_position": 5, "end_position": 7}]} 743 | {"id": "00743", "query": "火影忍者313", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 744 | {"id": "00744", "query": "名侦探柯南[第385集]", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 745 | {"id": "00745", "query": "马修鹏-解析西游记团队管理全6讲02", "PER": [{"str": "马修鹏", "start_position": 0, "end_position": 2}]} 746 | {"id": "00746", "query": "火影忍者002(粤语)", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 747 | {"id": "00747", "query": "《柯南》回顾「今日水果」[深空动漫www.sk111.com]", "TV": [{"str": "柯南", "start_position": 1, "end_position": 2}, {"str": "今日水果", "start_position": 7, "end_position": 10}]} 748 | {"id": "00748", "query": "《海洋天堂》北京首映李连杰携女儿共渡温情", "TV": [{"str": "海洋天堂", "start_position": 1, "end_position": 4}], "PER": [{"str": "李连杰", "start_position": 10, "end_position": 12}]} 749 | {"id": "00749", "query": "袁腾飞幽默讲解", "PER": [{"str": "袁腾飞", "start_position": 0, "end_position": 2}]} 750 | {"id": "00750", "query": "变形金刚电影4__", "TV": [{"str": "变形金刚", "start_position": 0, "end_position": 3}]} 751 | {"id": "00751", "query": "谢文东5"} 752 | {"id": "00752", "query": "热血高校2_高清_39"} 753 | {"id": "00753", "query": "热血高校2_高清_781"} 754 | {"id": "00754", "query": "名侦探柯南227战斗游戏的陷阱(后篇)", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 755 | {"id": "00755", "query": "龙游天下", "TV": [{"str": "龙游天下", "start_position": 0, "end_position": 3}]} 756 | {"id": "00756", "query": "【MAD】游戏王×约会大作战OP同步", "PER": [{"str": "MAD", "start_position": 1, "end_position": 3}], "TV": [{"str": "约会大作战", "start_position": 9, "end_position": 13}]} 757 | {"id": "00757", "query": "亮剑01", "TV": [{"str": "亮剑", "start_position": 0, "end_position": 1}]} 758 | {"id": "00758", "query": "赌场风云28粤语_标清", "TV": [{"str": "赌场风云", "start_position": 0, "end_position": 3}]} 759 | {"id": "00759", "query": "(99解密)【我的世界】实况解密*厕所大逃亡{不知道算不算作弊}"} 760 | {"id": "00760", "query": "儿歌,好妈妈", "TV": [{"str": "好妈妈", "start_position": 3, "end_position": 5}]} 761 | {"id": "00761", "query": "我是特种兵2之利刃出鞘14", "TV": [{"str": "我是特种兵", "start_position": 0, "end_position": 4}, {"str": "利刃出鞘", "start_position": 7, "end_position": 10}]} 762 | {"id": "00762", "query": "〖香港经典喜剧片〗赌圣3无名小子", "TV": [{"str": "赌圣", "start_position": 9, "end_position": 10}, {"str": "无名小子", "start_position": 12, "end_position": 15}]} 763 | {"id": "00763", "query": "[名侦探柯南]第73集_hd", "TV": [{"str": "名侦探柯南", "start_position": 1, "end_position": 5}]} 764 | {"id": "00764", "query": "《柯南》MAD~充满杀机的陶艺教室[0088动漫网www.0088dm.com]", "TV": [{"str": "柯南", "start_position": 1, "end_position": 2}]} 765 | {"id": "00765", "query": "《柯南》精彩片段「新邻居」[0088动漫网www.0088dm.com]", "TV": [{"str": "柯南", "start_position": 1, "end_position": 2}, {"str": "新邻居", "start_position": 9, "end_position": 11}]} 766 | {"id": "00766", "query": "笑傲江湖-出色灵魂表演获最高认可140525[高清版]_高清", "TV": [{"str": "笑傲江湖", "start_position": 0, "end_position": 3}]} 767 | {"id": "00767", "query": "天龙八部30(2)", "TV": [{"str": "天龙八部", "start_position": 0, "end_position": 3}]} 768 | {"id": "00768", "query": "变形计赵迪加盟引发信任危机", "TV": [{"str": "变形计", "start_position": 0, "end_position": 2}], "PER": [{"str": "赵迪", "start_position": 3, "end_position": 4}]} 769 | {"id": "00769", "query": "郑州师范学院2014届军训纪录片《勇敢的心》先期预告片", "TV": [{"str": "郑州师范学院", "start_position": 0, "end_position": 5}, {"str": "勇敢的心", "start_position": 17, "end_position": 20}]} 770 | {"id": "00770", "query": "2.儿歌教学(What'syourname)"} 771 | {"id": "00771", "query": "少年神探狄仁杰全集", "TV": [{"str": "少年神探狄仁杰", "start_position": 0, "end_position": 6}]} 772 | {"id": "00772", "query": "鹿晗珉硕张艺兴140523火热的瞬间XOXOEXO", "PER": [{"str": "鹿晗珉硕", "start_position": 0, "end_position": 3}, {"str": "张艺兴", "start_position": 4, "end_position": 6}]} 773 | {"id": "00773", "query": "海贼王280"} 774 | {"id": "00774", "query": "名侦探柯南剧场版(2007)第11部剧场版:绀碧之棺", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}, {"str": "绀碧之棺", "start_position": 22, "end_position": 25}]} 775 | {"id": "00775", "query": "音乐风云榜之高圆圆拍婚纱徐熙媛庆满月", "TV": [{"str": "音乐风云榜", "start_position": 0, "end_position": 4}], "PER": [{"str": "高圆圆", "start_position": 6, "end_position": 8}, {"str": "徐熙媛", "start_position": 12, "end_position": 14}]} 776 | {"id": "00776", "query": "韩剧《尚道我们上学去》16(完)", "TV": [{"str": "尚道我们上学去", "start_position": 3, "end_position": 9}]} 777 | {"id": "00777", "query": "火影忍者215", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 778 | {"id": "00778", "query": "2013大连刘德华演唱会", "PER": [{"str": "刘德华", "start_position": 6, "end_position": 8}]} 779 | {"id": "00779", "query": "雪豹坚强岁月10", "TV": [{"str": "雪豹", "start_position": 0, "end_position": 1}, {"str": "雪豹坚强岁月", "start_position": 0, "end_position": 5}]} 780 | {"id": "00780", "query": "《倚天屠龙记》(梁朝伟版)23", "TV": [{"str": "倚天屠龙记", "start_position": 1, "end_position": 5}], "PER": [{"str": "梁朝伟", "start_position": 8, "end_position": 10}]} 781 | {"id": "00781", "query": "三国演义23", "TV": [{"str": "三国演义", "start_position": 0, "end_position": 3}]} 782 | {"id": "00782", "query": "【拍客】《新雪豹》第45集预告片", "TV": [{"str": "新雪豹", "start_position": 5, "end_position": 7}]} 783 | {"id": "00783", "query": "非常完美140906_标清", "TV": [{"str": "非常完美", "start_position": 0, "end_position": 3}]} 784 | {"id": "00784", "query": "《触不可及》被批潜伏版《一生一世》探戈剧情褒贬不一引争议", "TV": [{"str": "触不可及", "start_position": 1, "end_position": 4}, {"str": "一生一世", "start_position": 12, "end_position": 15}], "PER": [{"str": "探戈", "start_position": 17, "end_position": 18}]} 785 | {"id": "00785", "query": "倒霉熊-第49集(131122)"} 786 | {"id": "00786", "query": "封神榜-妲己奔月", "TV": [{"str": "封神榜", "start_position": 0, "end_position": 2}], "PER": [{"str": "妲己", "start_position": 4, "end_position": 5}]} 787 | {"id": "00787", "query": "专业瘦身顾问4040六一]谢霆锋为王菲骂记者“想死”与张柏芝无缘", "PER": [{"str": "谢霆锋", "start_position": 13, "end_position": 15}, {"str": "王菲", "start_position": 17, "end_position": 18}, {"str": "张柏芝", "start_position": 27, "end_position": 29}]} 788 | {"id": "00788", "query": "2014美剧《ZNation》(僵尸国度)第一季第三集【关注新浪微博爱丧尸】", "TV": [{"str": "ZNation", "start_position": 7, "end_position": 13}, {"str": "僵尸国度", "start_position": 16, "end_position": 19}], "NUM": [{"str": "第一季", "start_position": 21, "end_position": 23}, {"str": "第三集", "start_position": 24, "end_position": 26}]} 789 | {"id": "00789", "query": "柯南"} 790 | {"id": "00790", "query": "[★第⑥感原创★][台湾][篮球火][国语中字][DVD-RMVB][全集打包][第6感出品]【篮", "TV": [{"str": "篮球火", "start_position": 14, "end_position": 16}]} 791 | {"id": "00791", "query": "小麦仔的我的世界解说2", "PER": [{"str": "小麦仔", "start_position": 0, "end_position": 2}]} 792 | {"id": "00792", "query": "西游记II.1998.EP26", "TV": [{"str": "西游记", "start_position": 0, "end_position": 2}]} 793 | {"id": "00793", "query": "【奇趣搞笑视频】哈利波特隐形斗篷被发明了", "TV": [{"str": "哈利波特", "start_position": 8, "end_position": 11}]} 794 | {"id": "00794", "query": "海贼王021"} 795 | {"id": "00795", "query": "南京德云社郭德纲于谦《拴娃娃》《大西厢》热情观众", "TV": [{"str": "南京德云社", "start_position": 0, "end_position": 4}, {"str": "拴娃娃", "start_position": 11, "end_position": 13}, {"str": "大西厢", "start_position": 16, "end_position": 18}], "PER": [{"str": "郭德纲", "start_position": 5, "end_position": 7}, {"str": "郭德纲于谦", "start_position": 5, "end_position": 9}]} 796 | {"id": "00796", "query": "梦洁家纺牵手爸爸去哪儿,萌娃床戏6集", "TV": [{"str": "梦", "start_position": 0, "end_position": 0}, {"str": "爸爸去哪儿", "start_position": 6, "end_position": 10}]} 797 | {"id": "00797", "query": "游戏王29"} 798 | {"id": "00798", "query": "非常静距离成长,听了还是有些心疼", "TV": [{"str": "非常静距离", "start_position": 0, "end_position": 4}]} 799 | {"id": "00799", "query": ".谢文东2__第12集__720P高清", "PER": [{"str": "谢文东", "start_position": 1, "end_position": 3}]} 800 | {"id": "00800", "query": "聊斋之花姑子19", "TV": [{"str": "聊斋之花姑子", "start_position": 0, "end_position": 5}]} 801 | {"id": "00801", "query": "林正英-赢钱专家[超清版]", "PER": [{"str": "林正英", "start_position": 0, "end_position": 2}]} 802 | {"id": "00802", "query": "海贼王395"} 803 | {"id": "00803", "query": "《心花路放》首曝预告黄渤徐峥逗贫互黑无底线", "TV": [{"str": "心花路放", "start_position": 1, "end_position": 4}], "PER": [{"str": "黄渤", "start_position": 10, "end_position": 11}, {"str": "徐峥", "start_position": 12, "end_position": 13}]} 804 | {"id": "00804", "query": "《流星花园》第二部①~③", "TV": [{"str": "流星花园", "start_position": 1, "end_position": 4}], "NUM": [{"str": "第二部", "start_position": 6, "end_position": 8}]} 805 | {"id": "00805", "query": "神医喜来乐04", "TV": [{"str": "神医喜来乐", "start_position": 0, "end_position": 4}]} 806 | {"id": "00806", "query": "马成龙杨宗保陈峰马海龙", "PER": [{"str": "马成龙杨宗保", "start_position": 0, "end_position": 5}]} 807 | {"id": "00807", "query": "0001.哔哩哔哩-[ElsaxAnna]TrueLoveKiss(Frozen_冰雪奇缘)", "TV": [{"str": "冰雪奇缘", "start_position": 41, "end_position": 44}]} 808 | {"id": "00808", "query": "0001.哔哩哔哩-[ElsaxAnna]TrueLoveKiss(Frozen_冰雪奇缘)", "TV": [{"str": "冰雪奇缘", "start_position": 41, "end_position": 44}]} 809 | {"id": "00809", "query": "雪豹坚强岁月-第15集", "TV": [{"str": "雪豹", "start_position": 0, "end_position": 1}, {"str": "雪豹坚强岁月", "start_position": 0, "end_position": 5}]} 810 | {"id": "00810", "query": "*我的世界*孙文硕的第2次生存【2】*", "PER": [{"str": "孙文硕", "start_position": 6, "end_position": 8}]} 811 | {"id": "00811", "query": "网球王子157高清", "TV": [{"str": "网球王子", "start_position": 0, "end_position": 3}]} 812 | {"id": "00812", "query": "苗族电影顾怀俊制作", "PER": [{"str": "顾怀俊", "start_position": 4, "end_position": 6}]} 813 | {"id": "00813", "query": "灌篮高手73"} 814 | {"id": "00814", "query": "南京德云社20140916张九龄王九龙《打灯谜》_标清jie优雅", "PER": [{"str": "张九龄", "start_position": 13, "end_position": 15}, {"str": "王九龙", "start_position": 16, "end_position": 18}]} 815 | {"id": "00815", "query": "201428_003_韩国畅销品牌芭比时尚洗护套组_标清", "TV": [{"str": "芭比时尚", "start_position": 17, "end_position": 20}]} 816 | {"id": "00816", "query": "奔跑吧兄弟艾客森R10三轴陀螺仪稳定器跟随模式奔跑随意拍", "TV": [{"str": "奔跑吧兄弟", "start_position": 0, "end_position": 4}], "PER": [{"str": "艾客森", "start_position": 5, "end_position": 7}]} 817 | {"id": "00817", "query": "终极三国"} 818 | {"id": "00818", "query": "天龙八部", "TV": [{"str": "天龙八部", "start_position": 0, "end_position": 3}]} 819 | {"id": "00819", "query": "网球王子056【三的双打】", "TV": [{"str": "网球王子", "start_position": 0, "end_position": 3}]} 820 | {"id": "00820", "query": "火影317[乱反射的迷宫]", "TV": [{"str": "火影", "start_position": 0, "end_position": 1}, {"str": "火影317[乱反射的迷宫", "start_position": 0, "end_position": 11}]} 821 | {"id": "00821", "query": "【若枫解说】梦三国星赛季线下总决赛希望VS", "PER": [{"str": "若枫", "start_position": 1, "end_position": 2}], "TV": [{"str": "梦三国星", "start_position": 6, "end_position": 9}]} 822 | {"id": "00822", "query": "英雄联盟JY小漠解说全明星国服第一贾克斯屠杀李易峰杨幂剑圣朱哥火生1", "TV": [{"str": "英雄联盟", "start_position": 0, "end_position": 3}], "PER": [{"str": "小漠", "start_position": 6, "end_position": 7}, {"str": "贾克斯", "start_position": 17, "end_position": 19}, {"str": "李易峰", "start_position": 22, "end_position": 24}, {"str": "李易峰杨幂", "start_position": 22, "end_position": 26}, {"str": "剑圣", "start_position": 27, "end_position": 28}, {"str": "朱哥", "start_position": 29, "end_position": 30}]} 823 | {"id": "00823", "query": "死神203", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 824 | {"id": "00824", "query": "非常完美夸张游戏整疯人帅哥一秒变神经质", "TV": [{"str": "非常完美", "start_position": 0, "end_position": 3}]} 825 | {"id": "00825", "query": "湖南联创通大话西游2免费版新银河网吧活动结束视频", "TV": [{"str": "湖南联创通", "start_position": 0, "end_position": 4}]} 826 | {"id": "00826", "query": "麦莉赛勒斯MV重现淫乱派对咸湿舌吻玷污芭比娃娃", "TV": [{"str": "麦莉赛勒斯", "start_position": 0, "end_position": 4}, {"str": "芭比娃娃", "start_position": 19, "end_position": 22}]} 827 | {"id": "00827", "query": "千金归来花絮", "TV": [{"str": "千金归来", "start_position": 0, "end_position": 3}]} 828 | {"id": "00828", "query": "黑执事21"} 829 | {"id": "00829", "query": "mtv-港台-刘德华:只想抱抱-原创dvd", "PER": [{"str": "刘德华", "start_position": 7, "end_position": 9}]} 830 | {"id": "00830", "query": "僵尸先生24之靈界風雲[超清版]", "TV": [{"str": "僵尸先生", "start_position": 0, "end_position": 3}, {"str": "靈界風雲", "start_position": 7, "end_position": 10}]} 831 | {"id": "00831", "query": "李连杰方世玉", "PER": [{"str": "李连杰", "start_position": 0, "end_position": 2}, {"str": "方世玉", "start_position": 3, "end_position": 5}]} 832 | {"id": "00832", "query": "淘最游日本—吉祥寺鬼怪小酒馆", "TV": [{"str": "淘", "start_position": 0, "end_position": 0}, {"str": "吉祥寺", "start_position": 6, "end_position": 8}]} 833 | {"id": "00833", "query": "【笨笨熊字幕组ppxtv.cn】【韩剧】【即使恨也要再爱一次】[第03集清晰版][韩语中字]", "TV": [{"str": "即使恨也要再爱一次", "start_position": 21, "end_position": 29}]} 834 | {"id": "00834", "query": "海贼王-第150集"} 835 | {"id": "00835", "query": "海贼王→高清096"} 836 | {"id": "00836", "query": "我的世界只有你", "TV": [{"str": "我", "start_position": 0, "end_position": 0}]} 837 | {"id": "00837", "query": "EXOM在LA逛街饭拍Xiumin、鹿晗", "PER": [{"str": "XOM", "start_position": 1, "end_position": 3}, {"str": "LA", "start_position": 5, "end_position": 6}, {"str": "iumin", "start_position": 12, "end_position": 16}, {"str": "鹿晗", "start_position": 18, "end_position": 19}]} 838 | {"id": "00838", "query": "张杰-浩瀚新神雕侠侣主题曲_高清", "PER": [{"str": "张杰", "start_position": 0, "end_position": 1}, {"str": "浩瀚", "start_position": 3, "end_position": 4}], "TV": [{"str": "神雕侠侣", "start_position": 6, "end_position": 9}]} 839 | {"id": "00839", "query": "天下第一(29)", "TV": [{"str": "天下第一", "start_position": 0, "end_position": 3}]} 840 | {"id": "00840", "query": "灌篮高手93"} 841 | {"id": "00841", "query": "泰剧《幻梦》OST-你打动了我的心中字高清", "TV": [{"str": "幻梦", "start_position": 3, "end_position": 4}]} 842 | {"id": "00842", "query": "梁山伯与祝英台12", "TV": [{"str": "梁山伯", "start_position": 0, "end_position": 2}, {"str": "祝英台", "start_position": 4, "end_position": 6}]} 843 | {"id": "00843", "query": "刘德华-潮水(问道推广人cc1887)", "PER": [{"str": "刘德华", "start_position": 0, "end_position": 2}], "TV": [{"str": "潮水", "start_position": 4, "end_position": 5}]} 844 | {"id": "00844", "query": "二龙湖浩哥第二部", "TV": [{"str": "二龙湖浩哥", "start_position": 0, "end_position": 4}], "NUM": [{"str": "第二部", "start_position": 5, "end_position": 7}]} 845 | {"id": "00845", "query": "托马斯和朋友-茉莉的特别专车;麦帝麦克", "TV": [{"str": "托马斯和朋友", "start_position": 0, "end_position": 5}], "PER": [{"str": "茉莉", "start_position": 7, "end_position": 8}]} 846 | {"id": "00846", "query": "萨克斯-乐队合作名侦探柯南", "TV": [{"str": "萨克斯", "start_position": 0, "end_position": 2}, {"str": "名侦探柯南", "start_position": 8, "end_position": 12}]} 847 | {"id": "00847", "query": "Q版三国_036"} 848 | {"id": "00848", "query": "武媚娘传奇01_超清", "TV": [{"str": "武媚娘传奇", "start_position": 0, "end_position": 4}]} 849 | {"id": "00849", "query": "EXO鹿晗吴亦凡全体演唱会Showcase04", "PER": [{"str": "吴亦凡", "start_position": 5, "end_position": 7}]} 850 | {"id": "00850", "query": "2.《三国演义》独特魅力之所在", "TV": [{"str": "三国演义", "start_position": 3, "end_position": 6}]} 851 | {"id": "00851", "query": "笑傲江湖(央视版)30", "TV": [{"str": "笑傲江湖", "start_position": 0, "end_position": 3}]} 852 | {"id": "00852", "query": "《新红楼梦》片头(第33集)", "TV": [{"str": "新红楼梦", "start_position": 1, "end_position": 4}]} 853 | {"id": "00853", "query": "郭德纲相声之托妻献子", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}]} 854 | {"id": "00854", "query": "鹿鼎记TV14", "TV": [{"str": "鹿鼎记", "start_position": 0, "end_position": 2}]} 855 | {"id": "00855", "query": "【56kdm上传】火影忍者疾风传剧场版5「羁绊」", "TV": [{"str": "火影忍者", "start_position": 9, "end_position": 12}, {"str": "疾风传", "start_position": 13, "end_position": 15}, {"str": "羁绊", "start_position": 21, "end_position": 22}]} 856 | {"id": "00856", "query": "[谢霆锋]-无声彷有声", "PER": [{"str": "谢霆锋", "start_position": 1, "end_position": 3}]} 857 | {"id": "00857", "query": "卖萌日孙俪邓超女儿照片曝光邓超调侃孙俪《芈月传》", "TV": [{"str": "卖萌日", "start_position": 0, "end_position": 2}, {"str": "芈月传", "start_position": 20, "end_position": 22}], "PER": [{"str": "孙俪", "start_position": 3, "end_position": 4}, {"str": "邓超", "start_position": 5, "end_position": 6}, {"str": "邓超", "start_position": 13, "end_position": 14}, {"str": "孙俪", "start_position": 17, "end_position": 18}]} 858 | {"id": "00858", "query": "名侦探柯南339四台保时捷(后篇)", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 859 | {"id": "00859", "query": "RainbowBand-演出结束后(韩剧片段:朋友,我们的传说|玄彬,王智慧)", "TV": [{"str": "朋友,我们的传说", "start_position": 23, "end_position": 30}], "PER": [{"str": "玄彬", "start_position": 32, "end_position": 33}, {"str": "王智慧", "start_position": 35, "end_position": 37}]} 860 | {"id": "00860", "query": "何以笙箫默15_超清", "TV": [{"str": "何", "start_position": 0, "end_position": 0}]} 861 | {"id": "00861", "query": "武媚娘传奇花絮57聂玫饰刘贤妃", "TV": [{"str": "武媚娘传奇", "start_position": 0, "end_position": 4}], "PER": [{"str": "聂玫", "start_position": 9, "end_position": 10}, {"str": "刘贤妃", "start_position": 12, "end_position": 14}]} 862 | {"id": "00862", "query": "42岁郭德纲二胎得子揭郭德纲二婚妻子王惠20岁已经红遍天津", "PER": [{"str": "郭德纲", "start_position": 3, "end_position": 5}, {"str": "郭德纲", "start_position": 11, "end_position": 13}, {"str": "王惠", "start_position": 18, "end_position": 19}]} 863 | {"id": "00863", "query": "爱情保卫战2014黄昏恋因为男方太孝顺产分歧"} 864 | {"id": "00864", "query": "赌神连内裤都输了_许华升粉丝", "TV": [{"str": "赌神", "start_position": 0, "end_position": 1}], "PER": [{"str": "许华升", "start_position": 9, "end_position": 11}]} 865 | {"id": "00865", "query": "泰剧雀之灵แววมยุรา26oh&kwang", "TV": [{"str": "雀之灵", "start_position": 2, "end_position": 4}, {"str": "มยุร", "start_position": 8, "end_position": 11}]} 866 | {"id": "00866", "query": "《澳门风云Ⅱ》定档大年初一:周润发瘦身新片打泰拳[说天下]", "TV": [{"str": "澳门风云", "start_position": 1, "end_position": 4}], "PER": [{"str": "周润发", "start_position": 14, "end_position": 16}]} 867 | {"id": "00867", "query": "黑执事(黑管家)07", "TV": [{"str": "黑执事", "start_position": 0, "end_position": 2}, {"str": "黑管家", "start_position": 4, "end_position": 6}]} 868 | {"id": "00868", "query": "大结局《潜伏之赤途》2362752", "TV": [{"str": "潜伏之赤途", "start_position": 4, "end_position": 8}]} 869 | {"id": "00869", "query": "让我一次爱个够征服哭不出来存在PPT版日月明哲中国好声音_高清", "TV": [{"str": "让我一次爱个够征服", "start_position": 0, "end_position": 8}, {"str": "日月明哲", "start_position": 19, "end_position": 22}, {"str": "中国好声音", "start_position": 23, "end_position": 27}]} 870 | {"id": "00870", "query": "海贼王[第218话]"} 871 | {"id": "00871", "query": "谢霆锋说王菲在他眼里就是小女孩", "PER": [{"str": "谢霆锋", "start_position": 0, "end_position": 2}, {"str": "王菲", "start_position": 4, "end_position": 5}]} 872 | {"id": "00872", "query": "【何以笙箫默】幕后花絮[谭凯应晖印象]-爆", "PER": [{"str": "何以笙", "start_position": 1, "end_position": 3}, {"str": "谭凯应晖", "start_position": 12, "end_position": 15}], "TV": [{"str": "何以笙箫默", "start_position": 1, "end_position": 5}]} 873 | {"id": "00873", "query": "★海绵宝宝★海面宝宝去看耳病派大星帮他照顾儿子", "TV": [{"str": "海绵宝宝", "start_position": 1, "end_position": 4}], "PER": [{"str": "海绵宝宝★海面宝宝去看耳病派大星", "start_position": 1, "end_position": 16}]} 874 | {"id": "00874", "query": "(铅笔上传)海贼王第207集"} 875 | {"id": "00875", "query": "龙珠剧场版02魔神城的睡美人", "TV": [{"str": "龙珠", "start_position": 0, "end_position": 1}, {"str": "魔神城", "start_position": 7, "end_position": 9}, {"str": "睡美人", "start_position": 11, "end_position": 13}]} 876 | {"id": "00876", "query": "【中国长城画家-当代长城画家-中国未来油画院院长石成峰-全球艺术家编码-009-中华艺术频道】风景作品-上05", "TV": [{"str": "中国长城画家", "start_position": 1, "end_position": 6}, {"str": "当代长城画家", "start_position": 8, "end_position": 13}, {"str": "中国未来油画院", "start_position": 15, "end_position": 21}], "PER": [{"str": "石成峰", "start_position": 24, "end_position": 26}]} 877 | {"id": "00877", "query": "月亮代表我的心刘德华", "PER": [{"str": "月亮", "start_position": 0, "end_position": 1}, {"str": "刘德华", "start_position": 7, "end_position": 9}]} 878 | {"id": "00878", "query": "火影忍者第327集", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 879 | {"id": "00879", "query": "水上集市骰子大乱斗神秘之水快到碗里来141017奔跑吧兄弟", "TV": [{"str": "水上集市", "start_position": 0, "end_position": 3}, {"str": "奔跑吧兄弟", "start_position": 24, "end_position": 28}]} 880 | {"id": "00880", "query": "熊出没之雪岭熊风BD1280高清国语中字", "TV": [{"str": "熊出没", "start_position": 0, "end_position": 2}, {"str": "雪岭熊风", "start_position": 4, "end_position": 7}]} 881 | {"id": "00881", "query": "爱情保卫战150122_高清"} 882 | {"id": "00882", "query": "8902.《千金女贼》白狼骗来唐嫣告白盛少穷追阻止", "TV": [{"str": "千金女贼", "start_position": 6, "end_position": 9}], "PER": [{"str": "白狼", "start_position": 11, "end_position": 12}, {"str": "唐嫣", "start_position": 15, "end_position": 16}, {"str": "盛少", "start_position": 19, "end_position": 20}]} 883 | {"id": "00883", "query": "海贼王399"} 884 | {"id": "00884", "query": "狱中龙刘德华", "TV": [{"str": "狱中龙", "start_position": 0, "end_position": 2}], "PER": [{"str": "刘德华", "start_position": 3, "end_position": 5}]} 885 | {"id": "00885", "query": "林更新生日王思聪赠男充气娃娃网友:在一起150214", "PER": [{"str": "王思聪", "start_position": 5, "end_position": 7}], "TV": [{"str": "在一起", "start_position": 17, "end_position": 19}]} 886 | {"id": "00886", "query": "《灌篮高手国语版全集》40国语DVD", "TV": [{"str": "灌篮高手", "start_position": 1, "end_position": 4}]} 887 | {"id": "00887", "query": "倚天屠龙记(苏友朋版)第16集", "TV": [{"str": "倚天屠龙记", "start_position": 0, "end_position": 4}], "PER": [{"str": "苏友朋", "start_position": 6, "end_position": 8}]} 888 | {"id": "00888", "query": "【黯染】和炸鸡的奥特曼之战", "PER": [{"str": "黯染", "start_position": 1, "end_position": 2}]} 889 | {"id": "00889", "query": "【虫叔X大橙子】我的世界★hypixel小游戏★虫大王的后宫们!", "PER": [{"str": "虫叔", "start_position": 1, "end_position": 2}, {"str": "大橙子", "start_position": 4, "end_position": 6}], "TV": [{"str": "虫大王", "start_position": 24, "end_position": 26}]} 890 | {"id": "00890", "query": "2015湖北卫视春晚小品《表白》宋小宝赵海燕闫光明毕畅小超越31_超清", "TV": [{"str": "表白", "start_position": 13, "end_position": 14}], "PER": [{"str": "宋小宝", "start_position": 16, "end_position": 18}, {"str": "闫光明", "start_position": 22, "end_position": 24}]} 891 | {"id": "00891", "query": "生活帮山东大嫂育婴师月嫂服务权拍卖会金牌月嫂郝红梅_标清", "TV": [{"str": "生活帮", "start_position": 0, "end_position": 2}], "PER": [{"str": "郝红梅", "start_position": 22, "end_position": 24}]} 892 | {"id": "00892", "query": "泼水反应大考验求求你手下留情150109奔跑吧兄弟", "TV": [{"str": "泼", "start_position": 0, "end_position": 0}, {"str": "奔跑吧兄弟", "start_position": 20, "end_position": 24}]} 893 | {"id": "00893", "query": "《AV女忧》日本性爱成人综艺~做爱什么的都可以~!_高清", "TV": [{"str": "AV女忧", "start_position": 1, "end_position": 4}]} 894 | {"id": "00894", "query": "于海涛武术世家出身未能求得理想工作150208非你莫属", "PER": [{"str": "于海涛", "start_position": 0, "end_position": 2}], "TV": [{"str": "非你莫属", "start_position": 23, "end_position": 26}]} 895 | {"id": "00895", "query": "黑执事"} 896 | {"id": "00896", "query": "马云公司的发展和使命央视一播放", "TV": [{"str": "马", "start_position": 0, "end_position": 0}]} 897 | {"id": "00897", "query": "【犬夜叉】第060集", "TV": [{"str": "犬夜叉", "start_position": 1, "end_position": 3}]} 898 | {"id": "00898", "query": "袁腾飞谈苏共垮台_标清", "PER": [{"str": "袁腾飞", "start_position": 0, "end_position": 2}]} 899 | {"id": "00899", "query": "一路向西_国语.rmvb", "TV": [{"str": "一路向西", "start_position": 0, "end_position": 3}]} 900 | {"id": "00900", "query": "名侦探柯南303→→回来的受害者", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 901 | {"id": "00901", "query": "美人心计-07", "TV": [{"str": "美人心计", "start_position": 0, "end_position": 3}]} 902 | {"id": "00902", "query": "【犬夜叉】【第123话】【在黑暗中现身的奈落正体】", "TV": [{"str": "犬夜叉", "start_position": 1, "end_position": 3}]} 903 | {"id": "00903", "query": "何以笙箫默_15", "TV": [{"str": "何", "start_position": 0, "end_position": 0}]} 904 | {"id": "00904", "query": "第八期(上)李小璐动情被征服刘健复仇挑战DR·魏150227[超清版]", "PER": [{"str": "李小璐", "start_position": 6, "end_position": 8}, {"str": "刘健", "start_position": 14, "end_position": 15}]} 905 | {"id": "00905", "query": "济公幼稚搞笑视频", "TV": [{"str": "济", "start_position": 0, "end_position": 0}]} 906 | {"id": "00906", "query": "儿歌-两只老虎KTV(动画)_标清", "TV": [{"str": "两只老虎", "start_position": 3, "end_position": 6}]} 907 | {"id": "00907", "query": "游戏王GX-153被选中之卡对决!元素英雄VS休伯特", "TV": [{"str": "元素英雄", "start_position": 17, "end_position": 20}], "PER": [{"str": "休伯特", "start_position": 23, "end_position": 25}]} 908 | {"id": "00908", "query": "★名偵探柯南★285『中华街雨中的似曾相识(后篇)』", "TV": [{"str": "名偵探柯南", "start_position": 1, "end_position": 5}]} 909 | {"id": "00909", "query": "潜伏24"} 910 | {"id": "00910", "query": "奥特曼格斗进化0", "TV": [{"str": "奥", "start_position": 0, "end_position": 0}]} 911 | {"id": "00911", "query": "黄晓明晒《何以》和杨幂结婚照杨幂调侃何攻变以受", "PER": [{"str": "黄晓明", "start_position": 0, "end_position": 2}, {"str": "杨幂", "start_position": 9, "end_position": 10}, {"str": "杨幂", "start_position": 14, "end_position": 15}], "TV": [{"str": "何以", "start_position": 5, "end_position": 6}]} 912 | {"id": "00912", "query": "杀破狼2先行版预告片", "TV": [{"str": "杀破狼", "start_position": 0, "end_position": 2}]} 913 | {"id": "00913", "query": "死神.-.[Rie.Fu(Life.is.Like.a.Boat.for)][PV][ED]", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 914 | {"id": "00914", "query": "倩女幽魂2文安辉煌网盟奕彩店桌面壁纸陈列", "TV": [{"str": "倩女幽魂", "start_position": 0, "end_position": 3}]} 915 | {"id": "00915", "query": "20141119_wwe_Main_Event_pukc"} 916 | {"id": "00916", "query": "完美公司--星月神话-", "TV": [{"str": "完", "start_position": 0, "end_position": 0}, {"str": "星月神话", "start_position": 6, "end_position": 9}]} 917 | {"id": "00917", "query": "倚天屠龙记马景涛版主题曲刀剑如梦", "TV": [{"str": "倚天屠龙记", "start_position": 0, "end_position": 4}, {"str": "刀剑如梦", "start_position": 12, "end_position": 15}], "PER": [{"str": "马景涛", "start_position": 5, "end_position": 7}]} 918 | {"id": "00918", "query": "终极三国6"} 919 | {"id": "00919", "query": "非诚勿扰150307[超清版]", "TV": [{"str": "非诚勿扰", "start_position": 0, "end_position": 3}]} 920 | {"id": "00920", "query": "谢霆锋北京奥迪活动现场版十二道锋味CIMG1897_高清-端庄", "PER": [{"str": "谢霆锋", "start_position": 0, "end_position": 2}]} 921 | {"id": "00921", "query": "郭德纲于谦相声怯拜年_2", "PER": [{"str": "郭德纲", "start_position": 0, "end_position": 2}, {"str": "于谦", "start_position": 3, "end_position": 4}]} 922 | {"id": "00922", "query": "刘德华-独自去偷欢-2011Unforgettable(http://suo.im/iihqj)", "PER": [{"str": "刘德华", "start_position": 0, "end_position": 2}]} 923 | {"id": "00923", "query": "隐身君我的世界:《星球历险记》ep.1", "TV": [{"str": "隐身君我", "start_position": 0, "end_position": 3}, {"str": "星球历险记", "start_position": 9, "end_position": 13}]} 924 | {"id": "00924", "query": "熊出没之夺宝熊兵片段1光头强的箱子", "TV": [{"str": "熊出没", "start_position": 0, "end_position": 2}, {"str": "夺宝熊兵", "start_position": 4, "end_position": 7}]} 925 | {"id": "00925", "query": "武媚娘传奇46_高清", "TV": [{"str": "武媚娘传奇", "start_position": 0, "end_position": 4}]} 926 | {"id": "00926", "query": "对邓丽君唱法的最佳演绎——北京姑娘陈佳歌曲串烧——影视风云20150415纪念邓丽君逝世二十周年节目剪辑", "TV": [{"str": "对", "start_position": 0, "end_position": 0}, {"str": "北京姑娘", "start_position": 13, "end_position": 16}, {"str": "影视风云", "start_position": 25, "end_position": 28}], "PER": [{"str": "邓丽君", "start_position": 1, "end_position": 3}, {"str": "陈佳", "start_position": 17, "end_position": 18}, {"str": "邓丽君", "start_position": 39, "end_position": 41}]} 927 | {"id": "00927", "query": "宇宙英雄赛文奥特曼196720追击海底基地", "TV": [{"str": "宇宙英雄", "start_position": 0, "end_position": 3}, {"str": "赛文奥特曼", "start_position": 4, "end_position": 8}]} 928 | {"id": "00928", "query": "泰剧《不一样的美男》15集中字", "TV": [{"str": "不一样的美男", "start_position": 3, "end_position": 8}]} 929 | {"id": "00929", "query": "奔跑的鹿少年!鹿晗生日快乐", "TV": [{"str": "奔跑的鹿少年", "start_position": 0, "end_position": 5}], "PER": [{"str": "鹿晗", "start_position": 7, "end_position": 8}]} 930 | {"id": "00930", "query": "【0420鹿晗】生日快乐", "PER": [{"str": "鹿晗", "start_position": 5, "end_position": 6}]} 931 | {"id": "00931", "query": "海贼王"} 932 | {"id": "00932", "query": "七龙珠53", "TV": [{"str": "七龙珠", "start_position": 0, "end_position": 2}]} 933 | {"id": "00933", "query": "【幻樱字幕组】NHK纪录片_历史秘话_明治恶妻传说新岛八重的一生", "TV": [{"str": "历史秘话", "start_position": 14, "end_position": 17}, {"str": "明治恶妻", "start_position": 19, "end_position": 22}, {"str": "新岛八重", "start_position": 25, "end_position": 28}]} 934 | {"id": "00934", "query": "歌手寒武纪为河南千娇百媚送上的真挚祝福", "TV": [{"str": "歌手寒武纪", "start_position": 0, "end_position": 4}]} 935 | {"id": "00935", "query": "《何以笙箫默》”二哥“特辑黄晓明被爆”最爱拍床戏“", "TV": [{"str": "何以笙箫默", "start_position": 1, "end_position": 5}], "PER": [{"str": "黄晓明", "start_position": 13, "end_position": 15}]} 936 | {"id": "00936", "query": "速度与激情7.BD1280高清中字.rmvb"} 937 | {"id": "00937", "query": "档案张行2015年4月28日", "TV": [{"str": "档案张行", "start_position": 0, "end_position": 3}]} 938 | {"id": "00938", "query": "月赛半决赛小枫队VS鸽子男第2场", "TV": [{"str": "月", "start_position": 0, "end_position": 0}, {"str": "小枫队", "start_position": 5, "end_position": 7}, {"str": "鸽子男", "start_position": 10, "end_position": 12}], "NUM": [{"str": "第2场", "start_position": 13, "end_position": 15}]} 939 | {"id": "00939", "query": "《跑男2》0501期邓超不爽和老婆夫妻相:侮辱了我自己!2015511", "PER": [{"str": "邓超", "start_position": 10, "end_position": 11}]} 940 | {"id": "00940", "query": "火影金身鸣人", "TV": [{"str": "火影金身鸣人", "start_position": 0, "end_position": 5}]} 941 | {"id": "00941", "query": "《爱情保卫战》20150415自负男嫌女友“土搓圆“高清"} 942 | {"id": "00942", "query": "水月洞天28", "TV": [{"str": "水月洞天", "start_position": 0, "end_position": 3}]} 943 | {"id": "00943", "query": "速度与激情片尾曲1"} 944 | {"id": "00944", "query": "①西游记中观音到底是男是女?", "TV": [{"str": "①", "start_position": 0, "end_position": 0}, {"str": "西游记", "start_position": 1, "end_position": 3}, {"str": "观音", "start_position": 5, "end_position": 6}]} 945 | {"id": "00945", "query": "1986版西游记21"} 946 | {"id": "00946", "query": "《非常完美》20150411台妹现场测男嘉宾腹肌", "TV": [{"str": "非常完美", "start_position": 1, "end_position": 4}], "PER": [{"str": "台妹", "start_position": 14, "end_position": 15}]} 947 | {"id": "00947", "query": "唐嫣从乱牙小黑妹整形变甜美08", "PER": [{"str": "唐嫣", "start_position": 0, "end_position": 1}]} 948 | {"id": "00948", "query": "黄晓明霸气扑倒郑恺轻松俘虏情敌心150424奔跑吧兄弟", "PER": [{"str": "黄晓明", "start_position": 0, "end_position": 2}, {"str": "郑恺", "start_position": 7, "end_position": 8}], "TV": [{"str": "奔跑吧兄弟", "start_position": 22, "end_position": 26}]} 949 | {"id": "00949", "query": "小黄人版咱当兵的人!", "TV": [{"str": "小黄人", "start_position": 0, "end_position": 2}]} 950 | {"id": "00950", "query": "[未播片段]郑恺难过baby美人关邓超喝醉乱改歌词", "PER": [{"str": "郑恺", "start_position": 6, "end_position": 7}, {"str": "邓超", "start_position": 17, "end_position": 18}]} 951 | {"id": "00951", "query": "《特警力量》大结局片段_高清", "TV": [{"str": "特警力量", "start_position": 1, "end_position": 4}]} 952 | {"id": "00952", "query": "《我是演员之武侠剧》(完整版):宋小宝+小沈阳", "PER": [{"str": "宋小宝", "start_position": 16, "end_position": 18}, {"str": "小沈阳", "start_position": 20, "end_position": 22}]} 953 | {"id": "00953", "query": "恐龙战队第五季01", "TV": [{"str": "恐龙战队", "start_position": 0, "end_position": 3}], "NUM": [{"str": "第五季", "start_position": 4, "end_position": 6}]} 954 | {"id": "00954", "query": "海贼王第123話追上砂鳄鱼!路飞向王家的墓地冲去!", "TV": [{"str": "砂鳄鱼", "start_position": 10, "end_position": 12}], "PER": [{"str": "路飞", "start_position": 14, "end_position": 15}]} 955 | {"id": "00955", "query": "TFBOYS东方风云榜颁奖典礼台下花絮与金星互动by大刀", "TV": [{"str": "东方风云榜", "start_position": 6, "end_position": 10}], "PER": [{"str": "金星", "start_position": 20, "end_position": 21}, {"str": "by", "start_position": 24, "end_position": 25}]} 956 | {"id": "00956", "query": "犬夜叉第34集", "TV": [{"str": "犬夜叉", "start_position": 0, "end_position": 2}]} 957 | {"id": "00957", "query": "刘德华冰雨", "PER": [{"str": "刘德华", "start_position": 0, "end_position": 2}, {"str": "冰雨", "start_position": 3, "end_position": 4}]} 958 | {"id": "00958", "query": "名侦探柯南247", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 959 | {"id": "00959", "query": "生化危机:恶化 预告片动画版", "TV": [{"str": "生化危机", "start_position": 0, "end_position": 3}]} 960 | {"id": "00960", "query": "警察故事", "TV": [{"str": "警察故事", "start_position": 0, "end_position": 3}]} 961 | {"id": "00961", "query": "死神154", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 962 | {"id": "00962", "query": "火影忍者第250话", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 963 | {"id": "00963", "query": "王颖母子相声", "PER": [{"str": "王颖", "start_position": 0, "end_position": 1}]} 964 | {"id": "00964", "query": "名侦探柯南463", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 965 | {"id": "00965", "query": "火影忍者333", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 966 | {"id": "00966", "query": "钢铁三国志18", "TV": [{"str": "钢铁三国志", "start_position": 0, "end_position": 4}]} 967 | {"id": "00967", "query": "冰河世纪3恐龙的黎明预告片1", "TV": [{"str": "冰河世纪", "start_position": 0, "end_position": 3}, {"str": "恐龙的黎明", "start_position": 5, "end_position": 9}]} 968 | {"id": "00968", "query": "犬夜叉128"} 969 | {"id": "00969", "query": "网球王子120", "TV": [{"str": "网球王子", "start_position": 0, "end_position": 3}]} 970 | {"id": "00970", "query": "海贼王406"} 971 | {"id": "00971", "query": "名侦探柯南[486]从右到左的招财猫", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 972 | {"id": "00972", "query": "仙剑奇侠传三05", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 973 | {"id": "00973", "query": "网球王子137", "TV": [{"str": "网球王子", "start_position": 0, "end_position": 3}]} 974 | {"id": "00974", "query": "七龙珠全集097龙争虎斗(第一部)", "TV": [{"str": "七龙珠", "start_position": 0, "end_position": 2}, {"str": "龙争虎斗", "start_position": 8, "end_position": 11}], "NUM": [{"str": "第一部", "start_position": 13, "end_position": 15}]} 975 | {"id": "00975", "query": "OnePiece海贼王135"} 976 | {"id": "00976", "query": "海贼王167"} 977 | {"id": "00977", "query": "死神145", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 978 | {"id": "00978", "query": "PARADISE神话"} 979 | {"id": "00979", "query": "死神93", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 980 | {"id": "00980", "query": "韩剧《做得好做得妙》全31集", "TV": [{"str": "做得好", "start_position": 3, "end_position": 5}, {"str": "做得好做得妙", "start_position": 3, "end_position": 8}]} 981 | {"id": "00981", "query": "国产古装神话电视剧《牛郎织女》24", "TV": [{"str": "牛郎织女", "start_position": 10, "end_position": 13}]} 982 | {"id": "00982", "query": "仙剑奇侠传三", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}]} 983 | {"id": "00983", "query": "海贼王118集"} 984 | {"id": "00984", "query": "火影忍者101(清晰)", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} 985 | {"id": "00985", "query": "猫和老鼠.四川方言版.第11辑.3.想要有个窝", "TV": [{"str": "猫和老鼠", "start_position": 0, "end_position": 3}]} 986 | {"id": "00986", "query": "【MAD】【龙珠】~SHUTUPANDEXPLODE~1000人突破&1周年祭.mp4", "PER": [{"str": "MAD", "start_position": 1, "end_position": 3}], "TV": [{"str": "龙珠", "start_position": 6, "end_position": 7}]} 987 | {"id": "00987", "query": "名侦探柯南004", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 988 | {"id": "00988", "query": "数码宝贝第三部24", "NUM": [{"str": "第三部", "start_position": 4, "end_position": 6}]} 989 | {"id": "00989", "query": "猫和老鼠东北版(27)"} 990 | {"id": "00990", "query": "蔡秋凤-你讲我的世界是你流浪的所在", "PER": [{"str": "蔡秋凤", "start_position": 0, "end_position": 2}]} 991 | {"id": "00991", "query": "仙剑奇侠传三之05[高清DVD](霍建华唐嫣)", "TV": [{"str": "仙剑奇侠传", "start_position": 0, "end_position": 4}], "PER": [{"str": "霍建华", "start_position": 17, "end_position": 19}, {"str": "霍建华唐嫣", "start_position": 17, "end_position": 21}]} 992 | {"id": "00992", "query": "变形金刚2高清晰完整版本", "TV": [{"str": "变形金刚", "start_position": 0, "end_position": 3}]} 993 | {"id": "00993", "query": "放羊的星星02", "TV": [{"str": "放羊的星星", "start_position": 0, "end_position": 4}]} 994 | {"id": "00994", "query": "死神Bleach228", "TV": [{"str": "死神", "start_position": 0, "end_position": 1}]} 995 | {"id": "00995", "query": "灌篮高手74"} 996 | {"id": "00996", "query": "蜗居-19"} 997 | {"id": "00997", "query": "刘德华恶搞小沈阳《给小沈阳的歌》", "PER": [{"str": "刘德华", "start_position": 0, "end_position": 2}, {"str": "小沈阳", "start_position": 5, "end_position": 7}, {"str": "小沈阳《给小沈阳", "start_position": 5, "end_position": 12}]} 998 | {"id": "00998", "query": "名侦探柯南第212话", "TV": [{"str": "名侦探柯南", "start_position": 0, "end_position": 4}]} 999 | {"id": "00999", "query": "火影忍者疾风剧场预告", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}, {"str": "疾风", "start_position": 4, "end_position": 5}]} 1000 | {"id": "01000", "query": "火影忍者238", "TV": [{"str": "火影忍者", "start_position": 0, "end_position": 3}]} -------------------------------------------------------------------------------- /submission/eval.py: -------------------------------------------------------------------------------- 1 | import json 2 | 3 | 4 | def get_entities(ent_dict): 5 | entities = [] 6 | for key in ent_dict.keys(): 7 | if key not in ['id', 'query']: 8 | for ent in ent_dict[key]: 9 | entities.append((ent['start_position'], ent['end_position'], key)) 10 | return entities 11 | 12 | 13 | def evaluate(f_name_pred, f_name_true): 14 | file_pred = open(f_name_pred, 'r', encoding='utf-8').read().split('\n') 15 | file_true = open(f_name_true, 'r', encoding='utf-8').read().split('\n') 16 | dicts_pred, dicts_true = [], [] 17 | 18 | for line in file_pred: 19 | if len(line) == 0: 20 | continue 21 | else: 22 | dicts_pred.append(json.loads(line)) 23 | 24 | for line in file_true: 25 | if len(line) == 0: 26 | continue 27 | else: 28 | dicts_true.append(json.loads(line)) 29 | 30 | assert len(dicts_pred) == len(dicts_true) 31 | dicts_pred.sort(key=lambda a: a['id']) 32 | dicts_true.sort(key=lambda a: a['id']) 33 | 34 | true, pred, right = 0, 0, 0 35 | 36 | for i in range(len(dicts_pred)): 37 | assert dicts_pred[i]["query"] == dicts_true[i]["query"] 38 | entities_pred = list(set(get_entities(dicts_pred[i]))) 39 | entities_true = list(set(get_entities(dicts_true[i]))) 40 | pred += len(entities_pred) 41 | true += len(entities_true) 42 | for one in entities_pred: 43 | if one in entities_true: 44 | right += 1 45 | precision = right * 1.0 / pred if pred > 0 else 0 46 | recall = right * 1.0 / true if true > 0 else 0 47 | f1 = (2.0 * precision * recall) / (precision + recall) if precision > 0 or recall > 0 else 0 48 | return precision, recall, f1 49 | 50 | 51 | if __name__ == '__main__': 52 | fname_pred = 'YourTeamName.json' 53 | fname_true = 'ValidLabel.json' 54 | p, r, f1 = evaluate(fname_pred, fname_true) 55 | print(p * 100, r * 100, f1 * 100) 56 | 57 | --------------------------------------------------------------------------------