diff --git a/.gitattributes b/.gitattributes new file mode 100644 index 0000000000000000000000000000000000000000..6087888ba2ba0c19130355978ed3afcf54303954 --- /dev/null +++ b/.gitattributes @@ -0,0 +1,35 @@ +*.7z filter=lfs diff=lfs merge=lfs -text +*.arrow filter=lfs diff=lfs merge=lfs -text +*.bin filter=lfs diff=lfs merge=lfs -text +*.bz2 filter=lfs diff=lfs merge=lfs -text +*.ftz filter=lfs diff=lfs merge=lfs -text +*.gz filter=lfs diff=lfs merge=lfs -text +*.h5 filter=lfs diff=lfs merge=lfs -text +*.joblib filter=lfs diff=lfs merge=lfs -text +*.lfs.* filter=lfs diff=lfs merge=lfs -text +*.mlmodel filter=lfs diff=lfs merge=lfs -text +*.model filter=lfs diff=lfs merge=lfs -text +*.msgpack filter=lfs diff=lfs merge=lfs -text +*.npy filter=lfs diff=lfs merge=lfs -text +*.npz filter=lfs diff=lfs merge=lfs -text +*.onnx filter=lfs diff=lfs merge=lfs -text +*.ot filter=lfs diff=lfs merge=lfs -text +*.parquet filter=lfs diff=lfs merge=lfs -text +*.pb filter=lfs diff=lfs merge=lfs -text +*.pickle filter=lfs diff=lfs merge=lfs -text +*.pkl filter=lfs diff=lfs merge=lfs -text +*.pt filter=lfs diff=lfs merge=lfs -text +*.pth filter=lfs diff=lfs merge=lfs -text +*.rar filter=lfs diff=lfs merge=lfs -text +*.safetensors filter=lfs diff=lfs merge=lfs -text +saved_model/**/* filter=lfs diff=lfs merge=lfs -text +*.tar.* filter=lfs diff=lfs merge=lfs -text +*.tflite filter=lfs diff=lfs merge=lfs -text +*.tgz filter=lfs diff=lfs merge=lfs -text +*.wasm filter=lfs diff=lfs merge=lfs -text +*.xz filter=lfs diff=lfs merge=lfs -text +*.zip filter=lfs diff=lfs merge=lfs -text +*.zst filter=lfs diff=lfs merge=lfs -text +*tfevents* filter=lfs diff=lfs merge=lfs -text +examples/** filter=lfs diff=lfs merge=lfs -text +*.gif filter=lfs diff=lfs merge=lfs -text \ No newline at end of file diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..ca291ec0dab936845963c89bcb4616f316443cf2 --- /dev/null +++ b/.gitignore @@ -0,0 +1,5 @@ +.DS_STORE +_workings +env +_env +__pycache__ diff --git a/LICENSE b/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..4e7f69352c0044ab36bf23bc96d78ea96b22e44e --- /dev/null +++ b/LICENSE @@ -0,0 +1,201 @@ + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright 2021 SummVis + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. diff --git a/README.md b/README.md new file mode 100644 index 0000000000000000000000000000000000000000..7f8327dc54928e64d00203934dca40ff4210388a --- /dev/null +++ b/README.md @@ -0,0 +1,12 @@ +--- +title: Chapter Summary Summvis +emoji: 📈 +colorFrom: green +colorTo: gray +sdk: streamlit +sdk_version: 1.10.0 +app_file: app.py +pinned: false +--- + +Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference diff --git a/align.py b/align.py new file mode 100644 index 0000000000000000000000000000000000000000..73f4e6b596491d5b29ff0863f9bac42b8a0328ef --- /dev/null +++ b/align.py @@ -0,0 +1,364 @@ +import heapq +import itertools +from abc import ABC, abstractmethod +from collections import defaultdict +from operator import itemgetter +from typing import List, Dict, Tuple +from typing import Sequence +from abc import ABC + +import numpy as np +import torch +from bert_score import BERTScorer +from nltk import PorterStemmer +from spacy.tokens import Doc, Span +from toolz import itertoolz +from transformers import AutoTokenizer +from transformers.tokenization_utils_base import PaddingStrategy + + +class EmbeddingModel(ABC): + @abstractmethod + def embed( + self, + sents: List[Span] + ): + pass + + +class ContextualEmbedding(EmbeddingModel): + + def __init__(self, model, tokenizer_name, max_length, batch_size=32): + self.model = model + self.tokenizer = SpacyHuggingfaceTokenizer(tokenizer_name, max_length) + self._device = model.device + self.batch_size = batch_size + + def embed( + self, + sents: List[Span] + ): + spacy_embs_list = [] + for start_idx in range(0, len(sents), self.batch_size): + batch = sents[start_idx: start_idx + self.batch_size] + encoded_input, special_tokens_masks, token_alignments = self.tokenizer.batch_encode(batch) + encoded_input = {k: v.to(self._device) for k, v in encoded_input.items()} + with torch.no_grad(): + model_output = self.model(**encoded_input) + embeddings = model_output[0].cpu() + for embs, mask, token_alignment \ + in zip(embeddings, special_tokens_masks, token_alignments): + mask = torch.tensor(mask) + embs = embs[mask == 0] # Filter embeddings at special token positions + spacy_embs = [] + for hf_idxs in token_alignment: + if hf_idxs is None: + pooled_embs = torch.zeros_like(embs[0]) + else: + pooled_embs = embs[hf_idxs].mean(dim=0) # Pool embeddings that map to the same spacy token + spacy_embs.append(pooled_embs.numpy()) + spacy_embs = np.stack(spacy_embs) + spacy_embs = spacy_embs / np.linalg.norm(spacy_embs, axis=-1, keepdims=True) # Normalize + spacy_embs_list.append(spacy_embs) + for embs, sent in zip(spacy_embs_list, sents): + assert len(embs) == len(sent) + return spacy_embs_list + + +class StaticEmbedding(EmbeddingModel): + + def embed( + self, + sents: List[Span] + ): + return [ + np.stack([t.vector / (t.vector_norm or 1) for t in sent]) + for sent in sents + ] + + +class Aligner(ABC): + @abstractmethod + def align( + self, + source: Doc, + targets: Sequence[Doc] + ) -> List[Dict]: + """Compute alignment from summary tokens to doc tokens + Args: + source: Source spaCy document + targets: Target spaCy documents + Returns: List of alignments, one for each target document""" + pass + + +class EmbeddingAligner(Aligner): + + def __init__( + self, + embedding: EmbeddingModel, + threshold: float, + top_k: int, + baseline_val=0 + ): + self.threshold = threshold + self.top_k = top_k + self.embedding = embedding + self.baseline_val = baseline_val + + def align( + self, + source: Doc, + targets: Sequence[Doc] + ) -> List[Dict]: + """Compute alignment from summary tokens to doc tokens with greatest semantic similarity + Args: + source: Source spaCy document + targets: Target spaCy documents + Returns: List of alignments, one for each target document + """ + if len(source) == 0: + return [{} for _ in targets] + all_sents = list(source.sents) + list(itertools.chain.from_iterable(target.sents for target in targets)) + chunk_sizes = [_iter_len(source.sents)] + \ + [_iter_len(target.sents) for target in targets] + all_sents_token_embeddings = self.embedding.embed(all_sents) + chunked_sents_token_embeddings = _split(all_sents_token_embeddings, chunk_sizes) + source_sent_token_embeddings = chunked_sents_token_embeddings[0] + source_token_embeddings = np.concatenate(source_sent_token_embeddings) + for token_idx, token in enumerate(source): + if token.is_stop or token.is_punct: + source_token_embeddings[token_idx] = 0 + alignments = [] + for i, target in enumerate(targets): + target_sent_token_embeddings = chunked_sents_token_embeddings[i + 1] + target_token_embeddings = np.concatenate(target_sent_token_embeddings) + for token_idx, token in enumerate(target): + if token.is_stop or token.is_punct: + target_token_embeddings[token_idx] = 0 + alignment = defaultdict(list) + for score, target_idx, source_idx in self._emb_sim_sparse( + target_token_embeddings, + source_token_embeddings, + ): + alignment[target_idx].append((source_idx, score)) + # TODO used argpartition to get nlargest + for j in list(alignment): + alignment[j] = heapq.nlargest(self.top_k, alignment[j], itemgetter(1)) + alignments.append(alignment) + return alignments + + def _emb_sim_sparse(self, embs_1, embs_2): + sim = embs_1 @ embs_2.T + sim = (sim - self.baseline_val) / (1 - self.baseline_val) + keep = sim > self.threshold + keep_idxs_1, keep_idxs_2 = np.where(keep) + keep_scores = sim[keep] + return list(zip(keep_scores, keep_idxs_1, keep_idxs_2)) + + +class BertscoreAligner(EmbeddingAligner): + def __init__( + self, + threshold, + top_k + ): + scorer = BERTScorer(lang="en", rescale_with_baseline=True) + model = scorer._model + embedding = ContextualEmbedding(model, "roberta-large", 510) + baseline_val = scorer.baseline_vals[2].item() + + super(BertscoreAligner, self).__init__( + embedding, threshold, top_k, baseline_val + ) + + +class StaticEmbeddingAligner(EmbeddingAligner): + def __init__( + self, + threshold, + top_k + ): + embedding = StaticEmbedding() + super(StaticEmbeddingAligner, self).__init__( + embedding, threshold, top_k + ) + + +class NGramAligner(Aligner): + + def __init__(self): + self.stemmer = PorterStemmer() + + def align( + self, + source: Doc, + targets: List[Doc], + ) -> List[Dict]: + + alignments = [] + source_ngram_spans = self._get_ngram_spans(source) + for target in targets: + target_ngram_spans = self._get_ngram_spans(target) + alignments.append( + self._align_ngrams(target_ngram_spans, source_ngram_spans) + ) + return alignments + + def _get_ngram_spans( + self, + doc: Doc, + ): + ngrams = [] + for sent in doc.sents: + for n in range(1, len(list(sent))): + tokens = [t for t in sent if not (t.is_stop or t.is_punct)] + ngrams.extend(_ngrams(tokens, n)) + + def ngram_key(ngram): + return tuple(self.stemmer.stem(token.text).lower() for token in ngram) + + key_to_ngrams = itertoolz.groupby(ngram_key, ngrams) + key_to_spans = {} + for k, grouped_ngrams in key_to_ngrams.items(): + key_to_spans[k] = [ + (ngram[0].i, ngram[-1].i + 1) + for ngram in grouped_ngrams + ] + return key_to_spans + + def _align_ngrams( + self, + ngram_spans_1: Dict[Tuple[str], List[Tuple[int, int]]], + ngram_spans_2: Dict[Tuple[str], List[Tuple[int, int]]] + ) -> Dict[Tuple[int, int], List[Tuple[int, int]]]: + """Align ngram spans between two documents + Args: + ngram_spans_1: Map from (normalized_token1, normalized_token2, ...) n-gram tuple to a list of token spans + of format (start_pos, end_pos) + ngram_spans_2: Same format as above, but for second text + Returns: map from each (start, end) span in text 1 to list of aligned (start, end) spans in text 2 + """ + if not ngram_spans_1 or not ngram_spans_2: + return {} + max_span_end_1 = max(span[1] for span in itertools.chain.from_iterable(ngram_spans_1.values())) + token_is_available_1 = [True] * max_span_end_1 # + matched_keys = list(set(ngram_spans_1.keys()) & set(ngram_spans_2.keys())) # Matched normalized ngrams betwee + matched_keys.sort(key=len, reverse=True) # Process n-grams from longest to shortest + + alignment = defaultdict(list) # Map from each matched span in text 1 to list of aligned spans in text 2 + for key in matched_keys: + spans_1 = ngram_spans_1[key] + spans_2 = ngram_spans_2[key] + available_spans_1 = [span for span in spans_1 if all(token_is_available_1[slice(*span)])] + matched_spans_1 = [] + if available_spans_1 and spans_2: + # if ngram can be matched to available spans in both sequences + for span in available_spans_1: + # It's possible that these newly matched spans may be overlapping with one another, so + # check that token positions still available (only one span allowed ber token in text 1): + if all(token_is_available_1[slice(*span)]): + matched_spans_1.append(span) + token_is_available_1[slice(*span)] = [False] * (span[1] - span[0]) + for span1 in matched_spans_1: + alignment[span1] = spans_2 + + return alignment + + +class SpacyHuggingfaceTokenizer: + def __init__( + self, + model_name, + max_length + ): + self.tokenizer = AutoTokenizer.from_pretrained(model_name, use_fast=False) + self.max_length = max_length + + def batch_encode( + self, + sents: List[Span] + ): + token_alignments = [] + token_ids_list = [] + + # Tokenize each sentence and special tokens. + for sent in sents: + hf_tokens, token_alignment = self.tokenize(sent) + token_alignments.append(token_alignment) + token_ids = self.tokenizer.convert_tokens_to_ids(hf_tokens) + encoding = self.tokenizer.prepare_for_model( + token_ids, + add_special_tokens=True, + padding=False, + ) + token_ids_list.append(encoding['input_ids']) + + # Add padding + max_length = max(map(len, token_ids_list)) + attention_mask = [] + input_ids = [] + special_tokens_masks = [] + for token_ids in token_ids_list: + encoding = self.tokenizer.prepare_for_model( + token_ids, + padding=PaddingStrategy.MAX_LENGTH, + max_length=max_length, + add_special_tokens=False + ) + input_ids.append(encoding['input_ids']) + attention_mask.append(encoding['attention_mask']) + special_tokens_masks.append( + self.tokenizer.get_special_tokens_mask( + encoding['input_ids'], + already_has_special_tokens=True + ) + ) + + encoded = { + 'input_ids': torch.tensor(input_ids), + 'attention_mask': torch.tensor(attention_mask) + } + return encoded, special_tokens_masks, token_alignments + + def tokenize( + self, + sent + ): + """Convert spacy sentence to huggingface tokens and compute the alignment""" + hf_tokens = [] + token_alignment = [] + for i, token in enumerate(sent): + # "Tokenize" each word individually, so as to track the alignment between spaCy/HF tokens + # Prefix all tokens with a space except the first one in the sentence + if i == 0: + token_text = token.text + else: + token_text = ' ' + token.text + start_hf_idx = len(hf_tokens) + word_tokens = self.tokenizer.tokenize(token_text) + end_hf_idx = len(hf_tokens) + len(word_tokens) + if end_hf_idx < self.max_length: + hf_tokens.extend(word_tokens) + hf_idxs = list(range(start_hf_idx, end_hf_idx)) + else: + hf_idxs = None + token_alignment.append(hf_idxs) + return hf_tokens, token_alignment + + +def _split(data, sizes): + it = iter(data) + return [[next(it) for _ in range(size)] for size in sizes] + + +def _iter_len(it): + return sum(1 for _ in it) + + # TODO set up batching + # To get top K axis and value per row: https://stackoverflow.com/questions/42832711/using-np-argpartition-to-index-values-in-a-multidimensional-array + + +def _ngrams(tokens, n): + for i in range(len(tokens) - n + 1): + yield tokens[i:i + n] diff --git a/app.py b/app.py new file mode 100644 index 0000000000000000000000000000000000000000..a39c2d2a92811625e055eee8a32114b5c67a6f88 --- /dev/null +++ b/app.py @@ -0,0 +1,323 @@ +import argparse +import json +import operator +import os +import re +from pathlib import Path + +import spacy +import spacy.lang.en +import streamlit as st +from meerkat import DataPanel +from spacy.tokens import Doc + +from align import NGramAligner, BertscoreAligner, StaticEmbeddingAligner +from components import MainView +from utils import clean_text + +MIN_SEMANTIC_SIM_THRESHOLD = 0.1 +MAX_SEMANTIC_SIM_TOP_K = 10 + +Doc.set_extension("name", default=None, force=True) +Doc.set_extension("column", default=None, force=True) + + +class Instance(): + def __init__(self, id_, document, reference, preds, data=None): + self.id = id_ + self.document = document + self.reference = reference + self.preds = preds + self.data = data + + +@st.cache(allow_output_mutation=True) +def load_from_index(filename, index): + with open(filename) as f: + for i, line in enumerate(f): + if i == index: + return json.loads(line.strip()) + + +def _nlp_key(x: spacy.Language): + return str(x.path) + + +@st.cache(allow_output_mutation=True, hash_funcs={spacy.lang.en.English: _nlp_key}) +def load_dataset(path: str, nlp: spacy.Language): + if path.endswith('.jsonl'): + return DataPanel.from_jsonl(path) + try: + return DataPanel.read(path, nlp=nlp) + except NotADirectoryError: + return DataPanel.from_jsonl(path) + + +@st.cache(allow_output_mutation=True) +def get_nlp(): + try: + nlp = spacy.load("en_core_web_lg") + except: + nlp = spacy.load("en_core_web_sm") + is_lg = False + else: + is_lg = True + nlp.add_pipe('sentencizer', before="parser") + return nlp, is_lg + + +def retrieve(dataset, index, filename=None): + if index >= len(dataset): + st.error(f"Index {index} exceeds dataset length.") + + eval_dataset = None + if filename: + # TODO Handle this through dedicated fields + if "cnn_dailymail" in filename: + eval_dataset = "cnndm" + elif "xsum" in filename: + eval_dataset = "xsum" + + data = dataset[index] + id_ = data.get('id', '') + + try: + document = data['spacy:document'] + except KeyError: + if not is_lg: + st.error("'en_core_web_lg model' is required unless loading from cached file." + "To install: 'python -m spacy download en_core_web_lg'") + try: + text = data['document'] + except KeyError: + text = data['article'] + if not text: + st.error("Document is blank") + return + document = nlp(text if args.no_clean else clean_text(text)) + document._.name = "Document" + document._.column = "document" + + try: + reference = data['spacy:summary:reference'] + + except KeyError: + if not is_lg: + st.error("'en_core_web_lg model' is required unless loading from cached file." + "To install: 'python -m spacy download en_core_web_lg'") + try: + text = data['summary'] if 'summary' in data else data['summary:reference'] + except KeyError: + text = data.get('highlights') + if text: + reference = nlp(text if args.no_clean else clean_text(text)) + else: + reference = None + if reference is not None: + reference._.name = "Reference" + reference._.column = "summary:reference" + + model_names = set() + for k in data: + m = re.match('(preprocessed_)?summary:(?P.*)', k) + if m: + model_name = m.group('model') + if model_name != 'reference': + model_names.add(model_name) + + preds = [] + for model_name in model_names: + try: + pred = data[f"spacy:summary:{model_name}"] + except KeyError: + if not is_lg: + st.error("'en_core_web_lg model' is required unless loading from cached file." + "To install: 'python -m spacy download en_core_web_lg'") + text = data[f"summary:{model_name}"] + pred = nlp(text if args.no_clean else clean_text(text)) + + parts = model_name.split("-") + primary_sort = 0 + if len(parts) == 2: + model, train_dataset = parts + if train_dataset == eval_dataset: + formatted_model_name = model.upper() + else: + formatted_model_name = f"{model.upper()} ({train_dataset.upper()}-trained)" + if train_dataset in ["xsum", "cnndm"]: + primary_sort = 1 + else: + primary_sort = 2 + else: + formatted_model_name = model_name.upper() + pred._.name = formatted_model_name + pred._.column = f"summary:{model_name}" + preds.append( + ((primary_sort, formatted_model_name), pred) + ) + + preds = [pred for _, pred in sorted(preds)] + + return Instance( + id_=id_, + document=document, + reference=reference, + preds=preds, + data=data, + ) + + +def filter_alignment(alignment, threshold, top_k): + filtered_alignment = {} + for k, v in alignment.items(): + filtered_matches = [(match_idx, score) for match_idx, score in v if score >= threshold] + if filtered_matches: + filtered_alignment[k] = sorted(filtered_matches, key=operator.itemgetter(1), reverse=True)[:top_k] + return filtered_alignment + + +def select_comparison(example): + all_summaries = [] + + if example.reference: + all_summaries.append(example.reference) + if example.preds: + all_summaries.extend(example.preds) + + from_documents = [example.document] + if example.reference: + from_documents.append(example.reference) + document_names = [document._.name for document in from_documents] + select_document_name = sidebar_placeholder_from.selectbox( + label="Comparison FROM:", + options=document_names + ) + document_index = document_names.index(select_document_name) + selected_document = from_documents[document_index] + + remaining_summaries = [summary for summary in all_summaries if + summary._.name != selected_document._.name] + remaining_summary_names = [summary._.name for summary in remaining_summaries] + + selected_summary_names = sidebar_placeholder_to.multiselect( + 'Comparison TO:', + remaining_summary_names, + remaining_summary_names + ) + selected_summaries = [] + for summary_name in selected_summary_names: + summary_index = remaining_summary_names.index(summary_name) + selected_summaries.append(remaining_summaries[summary_index]) + return selected_document, selected_summaries + + +def show_main(example): + # Get user input + + semantic_sim_type = st.sidebar.radio( + "Semantic similarity type:", + ["Contextual embedding", "Static embedding"] + ) + semantic_sim_threshold = st.sidebar.slider( + "Semantic similarity threshold:", + min_value=MIN_SEMANTIC_SIM_THRESHOLD, + max_value=1.0, + step=0.1, + value=0.2, + ) + semantic_sim_top_k = st.sidebar.slider( + "Semantic similarity top-k:", + min_value=1, + max_value=MAX_SEMANTIC_SIM_TOP_K, + step=1, + value=10, + ) + + document, summaries = select_comparison(example) + layout = st.sidebar.radio("Layout:", ["Vertical", "Horizontal"]).lower() + scroll = True + gray_out_stopwords = st.sidebar.checkbox(label="Gray out stopwords", value=True) + + # Gather data + try: + lexical_alignments = [ + example.data[f'{NGramAligner.__name__}:spacy:{document._.column}:spacy:{summary._.column}'] + for summary in summaries + ] + except KeyError: + lexical_alignments = NGramAligner().align(document, summaries) + + if semantic_sim_type == "Static embedding": + try: + semantic_alignments = [ + example.data[f'{StaticEmbeddingAligner.__name__}:spacy:{document._.column}:spacy:{summary._.column}'] + for summary in summaries + ] + except KeyError: + semantic_alignments = StaticEmbeddingAligner( + semantic_sim_threshold, + semantic_sim_top_k).align( + document, + summaries + ) + else: + try: + semantic_alignments = [ + example.data[f'{BertscoreAligner.__name__}:spacy:{document._.column}:spacy:{summary._.column}'] + for summary in summaries + ] + except KeyError: + semantic_alignments = BertscoreAligner(semantic_sim_threshold, + semantic_sim_top_k).align(document, + summaries) + + MainView( + document, + summaries, + semantic_alignments, + lexical_alignments, + layout, + scroll, + gray_out_stopwords, + ).show(height=720) + + +if __name__ == "__main__": + + st.set_page_config(layout="wide") + + parser = argparse.ArgumentParser() + parser.add_argument('--path', type=str, default='data') + parser.add_argument('--no_clean', action='store_true', default=False, + help="Do not clean text (remove extraneous spaces, newlines).") + args = parser.parse_args() + + nlp, is_lg = get_nlp() + + path = Path(args.path) + path_dir = path.parent + all_files = set(map(os.path.basename, path_dir.glob('*'))) + files = sorted([ + fname for fname in all_files if not (fname.endswith(".py") or fname.startswith(".")) + ]) + if path.is_file: + try: + file_index = files.index(path.name) + except: + raise FileNotFoundError(f"File not found: {path.name}") + else: + file_index = 0 + col1, col2 = st.beta_columns((3, 1)) + filename = col1.selectbox(label="File:", options=files, index=file_index) + dataset = load_dataset(str(path_dir / filename), nlp=nlp) + + dataset_size = len(dataset) + query = col2.number_input(f"Index (Size: {dataset_size}):", value=0, min_value=0, max_value=dataset_size - 1) + + sidebar_placeholder_from = st.sidebar.empty() + sidebar_placeholder_to = st.sidebar.empty() + + if query is not None: + example = retrieve(dataset, query, filename) + if example: + show_main(example) diff --git a/components.py b/components.py new file mode 100644 index 0000000000000000000000000000000000000000..a21b73fb02e9ffee9514fad11b57b79008ee8a5d --- /dev/null +++ b/components.py @@ -0,0 +1,567 @@ +from collections import defaultdict +from itertools import count +from operator import itemgetter +from pathlib import Path +from typing import Dict, Optional +from typing import List, Tuple, Union + +import htbuilder +import streamlit as st +from htbuilder import span, div, script, style, link, styles, HtmlElement, br +from htbuilder.units import px +from spacy.tokens import Doc + +palette = [ + "#66c2a5", + "#fc8d62", + "#8da0cb", + "#e78ac3", + "#a6d854", + "#ffd92f", + "#e5c494", + "#b3b3b3", +] +inactive_color = "#BBB" + + +def local_stylesheet(path): + with open(path) as f: + css = f.read() + return style()( + css + ) + + +def remote_stylesheet(url): + return link( + href=url + ) + + +def local_script(path): + with open(path) as f: + code = f.read() + return script()( + code + ) + + +def remote_script(url): + return script( + src=url + ) + + +def get_color(sent_idx): + return palette[sent_idx % len(palette)] + + +def hex_to_rgb(hex): + hex = hex.replace("#", '') + return tuple(int(hex[i:i + 2], 16) for i in (0, 2, 4)) + + +def color_with_opacity(hex_color, opacity): + rgb = hex_to_rgb(hex_color) + return f"rgba({rgb[0]},{rgb[1]},{rgb[2]},{opacity:.2f})" + + +class Component: + + def show(self, width=None, height=None, scrolling=True, **kwargs): + out = div(style=styles( + **kwargs + ))(self.html()) + html = str(out) + st.components.v1.html(html, width=width, height=height, scrolling=scrolling) + + def html(self): + raise NotImplemented + + +class MainView(Component): + + def __init__( + self, + document: Doc, + summaries: List[Doc], + semantic_alignments: Optional[List[Dict]], + lexical_alignments: Optional[List[Dict]], + layout: str, + scroll: bool, + gray_out_stopwords: bool + ): + self.document = document + self.summaries = summaries + self.semantic_alignments = semantic_alignments + self.lexical_alignments = lexical_alignments + self.layout = layout + self.scroll = scroll + self.gray_out_stopwords = gray_out_stopwords + + def html(self): + + # Add document elements + if self.document._.name == 'Document': + document_name = 'Source Document' + else: + document_name = self.document._.name + ' summary' + doc_header = div( + id_="document-header" + )( + document_name + ) + doc_elements = [] + + # Add document content, which comprises multiple elements, one for each summary. Only the elment corresponding to + # selected summary will be visible. + + mu = MultiUnderline() + + for summary_idx, summary in enumerate(self.summaries): + token_idx_to_sent_idx = {} + for sent_idx, sent in enumerate(summary.sents): + for token in sent: + token_idx_to_sent_idx[token.i] = sent_idx + is_selected_summary = (summary_idx == 0) # By default, first summary is selected + + if self.semantic_alignments is not None: + doc_token_idx_to_matches = defaultdict(list) + semantic_alignment = self.semantic_alignments[summary_idx] + for summary_token_idx, matches in semantic_alignment.items(): + for doc_token_idx, sim in matches: + doc_token_idx_to_matches[doc_token_idx].append((summary_token_idx, sim)) + else: + doc_token_idx_to_matches = {} + + token_elements = [] + for doc_token_idx, doc_token in enumerate(self.document): + if doc_token.is_stop or doc_token.is_punct: + classes = ["stopword"] + if self.gray_out_stopwords: + classes.append("grayed-out") + el = span( + _class=" ".join(classes) + )( + doc_token.text + ) + + else: + matches = doc_token_idx_to_matches.get(doc_token_idx) + if matches: + summary_token_idx, sim = max(matches, key=itemgetter(1)) + sent_idx = token_idx_to_sent_idx[summary_token_idx] + color_primary = get_color(sent_idx) + highlight_color_primary = color_with_opacity(color_primary, sim) + props = { + 'data-highlight-id': str(doc_token_idx), + 'data-primary-color': highlight_color_primary + } + match_classes = [] + for summary_token_idx, sim in matches: + sent_idx = token_idx_to_sent_idx[summary_token_idx] + match_classes.append(f"summary-highlight-{summary_idx}-{summary_token_idx}") + color = color_with_opacity(get_color(sent_idx), sim) + props[f"data-color-{summary_idx}-{summary_token_idx}"] = color + props["data-match-classes"] = " ".join(match_classes) + el = self._highlight( + doc_token.text, + highlight_color_primary, + color_primary, + match_classes + ["annotation-hidden"], + **props + ) + else: + el = doc_token.text + token_elements.append(el) + + spans = [] + if self.lexical_alignments is not None: + lexical_alignment = self.lexical_alignments[summary_idx] + for summary_span, doc_spans in lexical_alignment.items(): + summary_span_start, summary_span_end = summary_span + span_id = f"{summary_idx}-{summary_span_start}-{summary_span_end}" + sent_idx = token_idx_to_sent_idx[summary_span_start] + for doc_span_start, doc_span_end in doc_spans: + spans.append(( + doc_span_start, + doc_span_end, + sent_idx, + get_color(sent_idx), + span_id + )) + token_elements = mu.markup(token_elements, spans) + + classes = ["main-doc", "bordered"] + if self.scroll: + classes.append("scroll") + + main_doc = div( + _class=" ".join(classes) + )( + token_elements + ), + + classes = ["doc"] + if is_selected_summary: + classes.append("display") + else: + classes.append("nodisplay") + doc_elements.append( + div( + **{ + "class": " ".join(classes), + "data-index": summary_idx + } + )( + main_doc, + div(_class="proxy-doc"), + div(_class="proxy-scroll") + ) + ) + + summary_title = "Summary" + summary_header = div( + id_="summary-header" + )( + summary_title, + div(id="summary-header-gap"), + ) + + summary_items = [] + for summary_idx, summary in enumerate(self.summaries): + token_idx_to_sent_idx = {} + for sent_idx, sent in enumerate(summary.sents): + for token in sent: + token_idx_to_sent_idx[token.i] = sent_idx + + spans = [] + matches_ngram = [False] * len(list(summary)) + if self.lexical_alignments is not None: + lexical_alignment = self.lexical_alignments[summary_idx] + for summary_span in lexical_alignment.keys(): + start, end = summary_span + matches_ngram[slice(start, end)] = [True] * (end - start) + span_id = f"{summary_idx}-{start}-{end}" + sent_idx = token_idx_to_sent_idx[start] + spans.append(( + start, + end, + sent_idx, + get_color(sent_idx), + span_id + )) + + if self.semantic_alignments is not None: + semantic_alignment = self.semantic_alignments[summary_idx] + else: + semantic_alignment = {} + token_elements = [] + for token_idx, token in enumerate(summary): + if token.is_stop or token.is_punct: + classes = ["stopword"] + if self.gray_out_stopwords: + classes.append("grayed-out") + el = span( + _class=" ".join(classes) + )( + token.text + ) + else: + classes = [] + if token.ent_iob_ in ('I', 'B'): + classes.append("entity") + if matches_ngram[token_idx]: + classes.append("matches-ngram") + matches = semantic_alignment.get(token_idx) + if matches: + top_match = max(matches, key=itemgetter(1)) + top_sim = max(top_match[1], 0) + top_doc_token_idx = top_match[0] + props = { + "data-highlight-id": f"{summary_idx}-{token_idx}", + "data-top-doc-highlight-id": str(top_doc_token_idx), + "data-top-doc-sim": f"{top_sim:.2f}", + } + classes.extend([ + "annotation-hidden", + f"summary-highlight-{summary_idx}-{token_idx}" + ]) + sent_idx = token_idx_to_sent_idx[token_idx] + el = self._highlight( + token.text, + color_with_opacity(get_color(sent_idx), top_sim), + color_with_opacity(get_color(sent_idx), 1), + classes, + **props + ) + else: + if classes: + el = span(_class=" ".join(classes))(token.text) + else: + el = token.text + token_elements.append(el) + + token_elements = mu.markup(token_elements, spans) + + classes = ["summary-item"] + if summary_idx == 0: # Default is for first summary to be selected + classes.append("selected") + + summary_items.append( + div( + **{"class": ' '.join(classes), "data-index": summary_idx} + )( + div(_class="name")(summary._.name), + div(_class="content")(token_elements) + ) + ) + classes = ["summary-list", "bordered"] + if self.scroll: + classes.append("scroll") + if self.lexical_alignments is not None: + classes.append("has-lexical-alignment") + if self.semantic_alignments is not None: + classes.append("has-semantic-alignment") + summary_list = div( + _class=" ".join(classes) + )( + summary_items + ) + + annotation_key = \ + """ + + """ + + body = div( + annotation_key, + div( + _class=f"vis-container {self.layout}-layout" + )( + div( + _class="doc-container" + )( + doc_header, + *doc_elements + ), + div( + _class="summary-container" + )( + summary_header, + summary_list + ) + ), + ) + return [ + """""", + local_stylesheet(Path(__file__).parent / "resources" / "summvis.css"), + """ + """, + body, + """ + """, + local_script(Path(__file__).parent / "resources" / "jquery.color-2.1.2.min.js"), + local_script(Path(__file__).parent / "resources" / "summvis.js"), + """""" + ] + + def _highlight( + self, + token: Union[str, HtmlElement], + background_color, + dotted_underline_color, + classes: List[str], + **props + ): + return span( + _class=" ".join(classes + ["highlight"]), + style=styles( + background_color=background_color, + border_bottom=f"4px dotted {dotted_underline_color}", + ), + **props + )(token) + + +SPACE = " " + + +class MultiUnderline: + def __init__( + self, + underline_thickness=3, + underline_spacing=1 + ): + self.underline_thickness = underline_thickness + self.underline_spacing = underline_spacing + + def markup( + self, + tokens: List[Union[str, HtmlElement]], + spans: List[Tuple[int, int, int, str, str]] + ): + """Style text with multiple layers of colored underlines. + Args: + tokens: list of tokens, either string or html element + spans: list of (start_pos, end_pos, rank, color, id) tuples defined as: + start_pos: start position of underline span + end_pos: end position of underline span + rank: rank for stacking order of underlines, all else being equal + color: color of underline + id: id of underline (encoded as a class label in resulting html element) + Returns: + List of HTML elements + """ + + # Map from span start position to span + start_to_spans = defaultdict(list) + for span in spans: + start = span[0] + start_to_spans[start].append(span) + + # Map from each underline slot position to list of active spans + slot_to_spans = {} + + # Collection of html elements + elements = [] + + first_token_in_line = True + for pos, token in enumerate(tokens): + # Remove spans that are no longer active (end < pos) + slot_to_spans = defaultdict( + list, + { + slot: [span for span in spans if span[1] > pos] # span[1] contains end of spans + for slot, spans in slot_to_spans.items() if spans + } + ) + + # Add underlines to space between tokens for any continuing underlines + if first_token_in_line: + first_token_in_line = False + else: + elements.append(self._get_underline_element(SPACE, slot_to_spans)) + + # Find slot for any new spans + new_spans = start_to_spans.pop(pos, None) + if new_spans: + new_spans.sort( + key=lambda span: (-(span[1] - span[0]), span[2])) # Sort by span length (reversed), rank + for new_span in new_spans: + # Find an existing slot or add a new one + for slot, spans in sorted(slot_to_spans.items(), key=itemgetter(0)): # Sort by slot index + if spans: + containing_span = spans[ + 0] # The first span in the slot strictly contains all other spans + containing_start, containing_end = containing_span[0:2] + containing_color = containing_span[3] + start, end = new_span[0:2] + color = new_span[3] + # If the new span (1) is strictly contained in this span, or (2) exactly matches this span + # and is the same color, then add span to this slot + if end <= containing_end and ( + (start > containing_start or end < containing_end) or + (start == containing_start and end == containing_end and color == containing_color) + ): + spans.append(new_span) + break + else: + # Find a new slot index to add the span + for slot_index in count(): + spans = slot_to_spans[slot_index] + if not spans: # If slot is free, take it + spans.append(new_span) + break + if token in ("\n", "\r", "\r\n"): + elements.append(br()) + first_token_in_line = True + else: + # Add underlines to token for all active spans + elements.append(self._get_underline_element(token, slot_to_spans)) + return elements + + def _get_underline_element(self, token, slot_to_spans): + if not slot_to_spans: + return token + max_slot_index = max(slot_to_spans.keys()) + element = token + for slot_index in range(max_slot_index + 1): + spans = slot_to_spans[slot_index] + if not spans: + color = "rgba(0, 0, 0, 0)" # Transparent element w/opacity=0 + props = {} + else: + containing_slot = spans[0] + color = containing_slot[3] + classes = ["underline"] + if token != SPACE: + classes.append("token-underline") + classes.extend([f"span-{span[4]}" for span in spans]) # Encode ids in class names + props = { + "class": " ".join(classes), + "data-primary-color": color + } + if slot_index == 0: + padding_bottom = 0 + else: + padding_bottom = self.underline_spacing + display = "inline-block" + element = htbuilder.span( + style=styles( + display=display, + border_bottom=f"{self.underline_thickness}px solid", + border_color=color, + padding_bottom=px(padding_bottom), + ), + **props + )(element) + + # Return outermost nested span + return element + + +if __name__ == "__main__": + from htbuilder import div + + # Test + text = "The quick brown fox jumps" + tokens = text.split() + tokens = [ + "The", + htbuilder.span(style=styles(color="red"))("quick"), + "brown", + "fox", + "jumps" + ] + spans = [ + (0, 2, 0, "green", "green1"), + (1, 3, 0, "orange", "orange1"), + (3, 4, 0, "red", "red1"), + (2, 4, 0, "blue", "blue1"), + (1, 5, 0, "orange", "orange1"), + ] + + mu = MultiUnderline() + html = str(div(mu.markup(tokens, spans))) + print(html) diff --git a/examples/booksum/booksum_sf_sample.jsonl b/examples/booksum/booksum_sf_sample.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..dba495a1d3e61b7a92b7d45999860119b42da7a3 --- /dev/null +++ b/examples/booksum/booksum_sf_sample.jsonl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:480c9b9d1e401075aa1fc17d9409f899fc01462202b8688da1cdef8a7d7fef94 +size 102823 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..a8643227f72c8dff38327cb551f833ec5770ef64 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f78e53c09ab076c9b88a065d732be8e1f99d480293c505d86421dd59f20903e +size 2139 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/blocks/6074137904/data.feather b/examples/booksum/booksum_sf_sample_processed.cache/mgr/blocks/6074137904/data.feather new file mode 100644 index 0000000000000000000000000000000000000000..9721938390354fba2d78891f50d225a8fbd29b95 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/blocks/6074137904/data.feather @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dc9991b16ce0d69587ae842d082a8cc6dca7c16bf52b55f53e5d894b6ff12773 +size 139442 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/blocks/6074137904/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/blocks/6074137904/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..44c1424c9377303361acf3b12af68a56c1263651 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/blocks/6074137904/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a0664bbc8c1074184efb08415a61f149a4b2385b57df87bef71ec5e511aa48a +size 63 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..31a07c75e327eda5d84a361928657668cc178d60 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf75a80c7218afdcd8690c9bcf50d96b312d4b9222dbca0f03e014f265bc48f +size 223683 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..6d8ded47a7ef3fef58bed52468d0f0af3d433b4a --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f2e5968ac162a2a3c0c875cef5e5df1991598147c99b5899ee291181aecfc88d +size 186772 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..0cfa5952318f1d48305ca7be47c7fb32ca534796 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9fa245b2f5f44ae0d3a4c6338c124e681a397d85e77bf9a852bbd039ab9c6e2c +size 230480 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..264703ed5e878de76f1a72c8006bf254ee03d0f9 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:12017f50df0c5694c1e3d60dc5848c23e54471f661a1f61898fc939f10abbdec +size 111010 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..fc9c78c6523c45c9e41f6b69e00c747f38124222 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7be389d66dc4c379035647c6d901c33f83cfbe7a532798ef046c80d07a136ed +size 100990 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..8e08b7d0982caca2d649f2e3d34ba628e7dd1454 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5489f6e5d6f02ddc656f3ac10a920312cb45a37e0342a1f105b7631a278f31e3 +size 16355 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..61cd572d4ed56e148106590a55370a3296acec59 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0f99fac854e2681b08a8a941b4f069f994b9c5842364bde9b9a77b52eec85ba +size 16791 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..088ddf7ce95a5ba870f010501cc507c18ba48aa7 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68c30a9596aa97a27a12fe057a9e5ab10e0c5f503a0d42589d08c789be3f7fee +size 15608 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..c3ee87f62c2b214bf7d67749b9d866de729e66b6 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bb100474825bb20478a36f7dcea6b3f718ac5ff864540290644c560a00c8090a +size 4634 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..5a8f00fdbfaa8bf20b7b2a1fb93b4be7e3e53256 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd6faabe10cb2532d6f6258091ba47d503c51798bc9664c6b873d1b52ae879b4 +size 4915 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..1ea4f48e4f10da7651b78249479e9bc6386265d8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51cc7fde06cea550f5f10749e1c7d534fe23ba6b635785e0c5af2595d6ba47e8 +size 320091 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..17615f8dfdb868a71affad2032ed7343517f67e5 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf7ca905febdfef1cd2f702125c2daa131af6fe6ff360bfc7121c6b595e44349 +size 294430 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..903e988482b2d527e5780be633be44a3a482404c --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6f0cfe2f81a5e4fbc5e3bde2a436c4171507caa3a19ee2379458e27a9a033fbb +size 341548 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..ee4ce12a2bf17701ebdd260a978563e1132bb8c3 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c12cee7ed60f17db0046587202bbd2fc3ec390c37ebb6f0d72916fcb054f1c2e +size 317065 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..477893d646088d2af7a4532f083a1ddb42648271 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cddfc5e260bcf70e123641c4ff4953f6dc825f55b63eeb35f25f187d0087ba7d +size 292090 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d69164e4cd7831919d9a749c4a46e67988bee79e --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a834ab33bb0405b065b9ca6ae9a57dbdef46609cd3079d68de2a4c45dda60a1 +size 70 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..b5cdaa559889ccfd8f31c2a29fe7c887a77da332 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:long_t5_tglobal_xl_booksum_sfsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4540a4caae3db3fd5922acb905088aa5ee4ae29ec3e06c8e2b397716c7106f +size 126 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/bid/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/bid/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/bid/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/book_name/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/book_name/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/book_name/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/chapter_name/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/chapter_name/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/chapter_name/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/document/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/document/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/document/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/long_t5_tglobal_xl/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/long_t5_tglobal_xl/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/long_t5_tglobal_xl/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_document/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_document/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_document/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:long_t5_tglobal_xl_booksum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:long_t5_tglobal_xl_booksum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:long_t5_tglobal_xl_booksum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:long_t5_tglobal_xl_booksum_sfsum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:long_t5_tglobal_xl_booksum_sfsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:long_t5_tglobal_xl_booksum_sfsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:reference/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/preprocessed_summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:document/data.spacy b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:document/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..753cf763ca7bdad52de0381d29cbe4a1a340cde0 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:document/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d11b5be88ea5d031b9806fb4bd8451f81356c4adc0311a0fe8400cd938a2a20f +size 528414 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:document/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:document/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..b3096c3edbc868518a43121b293f6c368b76b323 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:document/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22d00211fc87d1168af92664039e3d0353fc74152e6ab607b7e47b01e361fab8 +size 213 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum/data.spacy b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..6781171eea33dd3a97929b413ba81dca6e72848a --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ebf1ec652d41ed9fdf5364115eba4cb1b46ef2d2e4b3b7ceeb10e543f6fa958b +size 90888 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..b3096c3edbc868518a43121b293f6c368b76b323 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22d00211fc87d1168af92664039e3d0353fc74152e6ab607b7e47b01e361fab8 +size 213 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.spacy b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..f6c241aa4df5a1398d0b7991d03354d91b2517a7 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum_sfsum/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd82ae4e2f667e4a9f05a9e901de7c6d5f73b8237d3731fe57df47bfe8a737b5 +size 89682 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..b3096c3edbc868518a43121b293f6c368b76b323 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:long_t5_tglobal_xl_booksum_sfsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22d00211fc87d1168af92664039e3d0353fc74152e6ab607b7e47b01e361fab8 +size 213 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:reference/data.spacy b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:reference/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..c4c0905996385c7301df072b0f627d08d8cff972 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:reference/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c16cee6ff58a68df6fa7626b018e1be1f259fb4e8b53861de6e22666f5f8225 +size 96958 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:reference/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:reference/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..b3096c3edbc868518a43121b293f6c368b76b323 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/spacy:summary:reference/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22d00211fc87d1168af92664039e3d0353fc74152e6ab607b7e47b01e361fab8 +size 213 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:long_t5_tglobal_xl_booksum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:long_t5_tglobal_xl_booksum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:long_t5_tglobal_xl_booksum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:long_t5_tglobal_xl_booksum_sfsum/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:long_t5_tglobal_xl_booksum_sfsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:long_t5_tglobal_xl_booksum_sfsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:reference/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa59a30f5dcc6ffe206aac4a40054c19c16e09c8 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/columns/summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5708fb5026efae9657a5c07819a356500ca349f4f33381d908a0374ecb6877e7 +size 90 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/mgr/meta.yaml b/examples/booksum/booksum_sf_sample_processed.cache/mgr/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..1dc39d725c9ff6a39385026b3611105b33072467 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/mgr/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a4c00ba03103732947943c637d6e1f77701edc8519e5764ba0089f691390e046 +size 5767 diff --git a/examples/booksum/booksum_sf_sample_processed.cache/state.dill b/examples/booksum/booksum_sf_sample_processed.cache/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..3f9d4258b514f8a1a59e9fb4278cb447e8262d90 --- /dev/null +++ b/examples/booksum/booksum_sf_sample_processed.cache/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:926248e52d1fa532c317e37da24ed652ae64110f8219cb5e061668bd3091f048 +size 5 diff --git a/examples/wikinews/README.md b/examples/wikinews/README.md new file mode 100644 index 0000000000000000000000000000000000000000..13377e730201c3c42f7bfa50a2dcefac96ab7e98 --- /dev/null +++ b/examples/wikinews/README.md @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:af87c14c3023853e3766a2d241a39d5b107e1f285bcc57b6f1d679a86824ffdd +size 307 diff --git a/examples/wikinews/load.sh b/examples/wikinews/load.sh new file mode 100644 index 0000000000000000000000000000000000000000..a9eea2d86d864dcad278173ad03a7a5cbd0813eb --- /dev/null +++ b/examples/wikinews/load.sh @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:912890d4098255eed6fc50a9a21dd348fc55255eec79736223917a6574c4babd +size 917 diff --git a/examples/wikinews/wikinews.cache/meta.yaml b/examples/wikinews/wikinews.cache/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c3e921dee63b7f46e6a475fa7664ddd8a7a551d6 --- /dev/null +++ b/examples/wikinews/wikinews.cache/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df0d199af64bc2fffe8b3618ef784bfcec55bfa6c52e3ff3ff2d505f06ec6c12 +size 2825 diff --git a/examples/wikinews/wikinews.cache/mgr/blocks/140645734304016/data.feather b/examples/wikinews/wikinews.cache/mgr/blocks/140645734304016/data.feather new file mode 100644 index 0000000000000000000000000000000000000000..d35dbb38a24e6de2e2dfd9808544f48734728242 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/blocks/140645734304016/data.feather @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32d1f37e61f4140383106c3974df152b5093b653eb87d00960f0cfd583a41f19 +size 11490 diff --git a/examples/wikinews/wikinews.cache/mgr/blocks/140645734304016/meta.yaml b/examples/wikinews/wikinews.cache/mgr/blocks/140645734304016/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..44c1424c9377303361acf3b12af68a56c1263651 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/blocks/140645734304016/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8a0664bbc8c1074184efb08415a61f149a4b2385b57df87bef71ec5e511aa48a +size 63 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..25d08479b3bd76e1b510de20959f9e8825e90bd8 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22f043520c49d53fdc64e9136d7feeb1900eb6db2d4b3c9dd5678113719981ce +size 8342 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..b84c999e44a97966b21f4455410c5e09766fc921 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0c4f4b35abb81ce9e2cac7dc6f89358be421a33b69719f61a8da74de8e58aa1d +size 3042 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:bart-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..d3ca6703770c2c49b07419a4cde836d895821de5 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb3ae4f29328af9f4d05d1c4f22c0c30b2a7c432b34c3abcd9de192c60dbb240 +size 10627 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..5ba73befc25db8269327a33b3d85db95a4143c77 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f88180aeff86fd4bbcb3cf8e5937a17901110609c2943f47228cd967a0867c3b +size 6016 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..7fad7943299770e4960753730e370e0748663a5e --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f604c94460cefa96bd54b8305ceda4e64e316b9fc76fc63cc10d2e77a7c0c9d +size 1849 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:document:spacy:summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..90fbb866b30b7e4885f0d18337642556697bb488 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f75daf1ca4fe1c0d940a1d60d6c72189b8f7774a7edf6fb511e0c3aac6bbd1f +size 841 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..d21aa09c99c35dcc9b77accbd69c135ac17c2474 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0aaa42d0f615a8565dbb905e4a2f676b913e6803c1f0cdf50abec87bb30f02af +size 797 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..8a0058eb58ba0099be82e208ae962b766f0d96c8 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d77f0a79405d41131aa50f91004d65b18c5e32bc22c8353e7ce66e4bdacc36b5 +size 1368 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..a88622c9d99a80c239a7994bbf304517059e799e --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6645b9dd5831ee627eb7867dab60dcac0d827ba9024e24449402b1348555a0e +size 1004 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/BertscoreAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..3fc7111ef32098b132062ad23ef29dd7a3d94544 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6006d7780463224fbe9a5621c0982d44e66f89aa610d187be954109a61dccfcd +size 138 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..6aec41c734fdb3414073b234d0c254d108e1e8a3 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b0f2814a86a432074171e52db13ae9c359fc310abcc52eabed4cd365213b8ce5 +size 138 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:bart-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..1c0d647f4be4e97a773aef5cb1a0ad2a95c5ef83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4afc0332a1a7c5b1f1b372adb57fcb5125125f0d44ef9e506e78550a409c37b2 +size 138 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..58ef569a2c125af39db2adb8bbba6c17b09d4342 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2bbb50a468c8b846648feffd749320262959205ed9effeeff10296399a690a4a +size 154 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..5fdd01ab92c0b2f3a2fe927f12f7b66ed783cad7 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e81b6b903e422e27fa31a8b9369ae9268528817e80ab01796c4223efe0c30a23 +size 128 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:document:spacy:summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..07816153069b405aa1a2ec2f762cde15a2e7cab0 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55128c2294efc5f7213a08ca788197dd05804fae4bd245e5b181abdd08a35fb0 +size 101 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..37da8aa18731d300dc1c278ba793545b7d7bf0cc --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d96245ba4064cee1bccd9b00ff5801a4f80d892bbafe3cd94ca6c37a4ac79a2c +size 101 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..b225598a8aae6af00b7d5afe623d8e7ba9848736 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac03fa58b369b1963b346b1d7bb1e6a17f59240e798f9182bce1fa2f2c418504 +size 82 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..b225598a8aae6af00b7d5afe623d8e7ba9848736 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac03fa58b369b1963b346b1d7bb1e6a17f59240e798f9182bce1fa2f2c418504 +size 82 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/NGramAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..3533e77c01fd66e70861580f02483f4831ac227f --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c270bda9d0933f7b8302ad1ddc0bb2e98ad7a04276b41e1ddfe9a1a1a4151bb5 +size 18618 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..2ec1d47f076a46d66ec2f5b8d0e1252839602b56 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a4917624392a8f2cc4c702784727833fbe2f42ea548029b8241ea5f221f2e68 +size 7075 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:bart-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..c5f85e14894dc7ad8c13d6480accce9935a49f82 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ec0d038a34d1e890d0e24f88db9f23d4d8c5de9aeae4d07c5c59232f336293f +size 15223 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..1743634243e925398e9c8adde08807c76a37cb72 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c7c0653888f3e3c794954458bbc976e516ffb40b8bc5f8236a337b1f16c5b6f +size 12507 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:pegasus-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..18ad765a0b7786d0663dc206bae64e54ecc1dc7b --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:87fcdfd7c5e64b95541dd722611a76e0b2dc7ccd6ab345907a7980acdc1ea46c +size 3001 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:document:spacy:summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..2c55794bc48fcfa3808e9c6ad68b26a4743f923c --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf0966de95c846342cb9d47e55627091f17ef7de30d06e17cb8ca0067f0c3cff +size 5800 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..84dde447c4ea0a23111937acbda6aba809913c49 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dafc39f35f4c594217713c4475c0f82e8db838a292f4e152b745d7309e11d366 +size 2017 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:bart-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..20c35dcaa626547bf5164a44b2bb32f9b79720ed --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ee05db6c7ea1ba895b7ede12fba580195941f76db991547a6f3a085c2d88fa2 +size 5108 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill new file mode 100644 index 0000000000000000000000000000000000000000..6a2716aafd0ebc387f66fc69a833f9e4181a0d25 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/data.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:005b4337efb551166d56fe1ddc9d379ad674491708d90391a95cc404621389fc +size 4184 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5b38e147270b44927a128490de0ed60f322c9e83 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f89cc92a1dfd9190638bfae0123d2c22cf54544ac639318d5613d89f086ab28d +size 70 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..c103f0d9944ba7c2e70c196296b4c146e586b49d --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/StaticEmbeddingAligner:spacy:summary:reference:spacy:summary:pegasus-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27f789a61c7c0ae8a6802ed1751068934fe8ea12e8dd7ad95b98b41e149bf3bd +size 120 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/document/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/document/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/document/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_document/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_document/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_document/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:bart-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:bart-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:bart-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:bart-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:bart-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:bart-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:pegasus-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:pegasus-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:pegasus-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:pegasus-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:pegasus-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:pegasus-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:reference/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/preprocessed_summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:document/data.spacy b/examples/wikinews/wikinews.cache/mgr/columns/spacy:document/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..c07a0093b2fd48cb53f7a048009abf91e21cc99f --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:document/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:218ecbd49710e98bbcfa15f0a445352375be442f61f81ac6cc7d275d839eb430 +size 13725 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:document/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/spacy:document/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c195606769536f065f9ee4a61841653911ecf522 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:document/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c8fc081a81faca113d899a548ca731658a1b41b446a70ef63a6c7280621a105 +size 213 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-cnndm/data.spacy b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-cnndm/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..231f4666c94aeeb0247cbdbc0ba478f2786f2b73 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-cnndm/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f05edf056e002c4d6d60e1bf26c252b1d4a7bfa141600070a496bfd55d018fe2 +size 3569 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c195606769536f065f9ee4a61841653911ecf522 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c8fc081a81faca113d899a548ca731658a1b41b446a70ef63a6c7280621a105 +size 213 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-xsum/data.spacy b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-xsum/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..bddeadfddf3cdf162a48faa1d6263baaa71fff6b --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-xsum/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edc14635650eaf2fdfc9b43bdfed95dd7e92c4fba25b505db0b5fe5b8aec3be6 +size 1850 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c195606769536f065f9ee4a61841653911ecf522 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:bart-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c8fc081a81faca113d899a548ca731658a1b41b446a70ef63a6c7280621a105 +size 213 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-cnndm/data.spacy b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-cnndm/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..83e3471fd26e8f1c58619f7aa2b5ad077f202956 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-cnndm/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:363af855677466c626c70856e429891b8bebe727e80977afe3ec7a688a376b38 +size 3044 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-cnndm/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-cnndm/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c195606769536f065f9ee4a61841653911ecf522 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-cnndm/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c8fc081a81faca113d899a548ca731658a1b41b446a70ef63a6c7280621a105 +size 213 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-xsum/data.spacy b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-xsum/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..2bb7ea58a426c88537028eb00e5c1c613c561c39 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-xsum/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04c24a50f914c4a356d08cffee843cc3504359d37f8fe55ec8d8ac319f7ac09f +size 2736 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-xsum/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-xsum/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c195606769536f065f9ee4a61841653911ecf522 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:pegasus-xsum/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c8fc081a81faca113d899a548ca731658a1b41b446a70ef63a6c7280621a105 +size 213 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:reference/data.spacy b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:reference/data.spacy new file mode 100644 index 0000000000000000000000000000000000000000..16028fc77443d939725f48552e353a512d411786 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:reference/data.spacy @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daf54877d78c6f237ed612cd928c791eb63220d35f34f8e01252cd1a6f2a617f +size 1034 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:reference/meta.yaml b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:reference/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c195606769536f065f9ee4a61841653911ecf522 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/spacy:summary:reference/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c8fc081a81faca113d899a548ca731658a1b41b446a70ef63a6c7280621a105 +size 213 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/summary:bart-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/summary:bart-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/summary:bart-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/summary:bart-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/summary:bart-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/summary:bart-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/summary:pegasus-cnndm/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/summary:pegasus-cnndm/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/summary:pegasus-cnndm/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/summary:pegasus-xsum/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/summary:pegasus-xsum/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/summary:pegasus-xsum/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/columns/summary:reference/state.dill b/examples/wikinews/wikinews.cache/mgr/columns/summary:reference/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..aa2e52184526d9e7a71b0a5f006e2717e8c5dc03 --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/columns/summary:reference/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99bcd77ed9facb87e01faaa0a8ab2195bea78fcee733ce044e96e9e290510797 +size 87 diff --git a/examples/wikinews/wikinews.cache/mgr/meta.yaml b/examples/wikinews/wikinews.cache/mgr/meta.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5542890a1191d57612d749fbc515b6708a48a57f --- /dev/null +++ b/examples/wikinews/wikinews.cache/mgr/meta.yaml @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db75b2d90735d7895a6f340ea99717442be61c14db11af4915323a592a1b7b85 +size 7383 diff --git a/examples/wikinews/wikinews.cache/state.dill b/examples/wikinews/wikinews.cache/state.dill new file mode 100644 index 0000000000000000000000000000000000000000..d00002db246d889528cc3291da42db3fe20a1a9f --- /dev/null +++ b/examples/wikinews/wikinews.cache/state.dill @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ec16a78d9c9d3646c559df239aea3f15333605ddc702eeacebf6dd3ebeff684 +size 6 diff --git a/examples/wikinews/wikinews.jsonl b/examples/wikinews/wikinews.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..e082f944768ee35e21a806b285925ebdc8d4dc3c --- /dev/null +++ b/examples/wikinews/wikinews.jsonl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5656cb3b410b745a5c75d7a09c9a6e3f1fd74d8a94615c7a5122fd0f730ed48b +size 1736 diff --git a/examples/xsum/load.sh b/examples/xsum/load.sh new file mode 100644 index 0000000000000000000000000000000000000000..f495956adc0b0392556db7334a57d154ec2d69ef --- /dev/null +++ b/examples/xsum/load.sh @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eaf516e3fda6a153e00051d0894c323718b360ce4dbed52dcce02ba03d642bb9 +size 1096 diff --git a/generation.py b/generation.py new file mode 100644 index 0000000000000000000000000000000000000000..b1ef93335a48631d95722b7ce70912cd77213998 --- /dev/null +++ b/generation.py @@ -0,0 +1,106 @@ +""" +Script for decoding summarization models available through Huggingface Transformers. + +To use with one of the 6 standard models: +python generation.py --model --data_path + where model abbreviation is one of: bart-xsum, bart-cnndm, pegasus-xsum, pegasus-cnndm, pegasus-newsroom, + pegasus-multinews: + +To use with arbitrary model: +python generation.py --model_name_or_path --data_path + +""" +# !/usr/bin/env python +# coding: utf-8 + +import argparse +import json +import os + +import torch +from tqdm import tqdm +from transformers import AutoModelForSeq2SeqLM, AutoTokenizer + +BATCH_SIZE = 8 +DEVICE = 'cuda' if torch.cuda.is_available() else 'cpu' + +BART_CNNDM_CHECKPOINT = 'facebook/bart-large-cnn' +BART_XSUM_CHECKPOINT = 'facebook/bart-large-xsum' +PEGASUS_CNNDM_CHECKPOINT = 'google/pegasus-cnn_dailymail' +PEGASUS_XSUM_CHECKPOINT = 'google/pegasus-xsum' +PEGASUS_NEWSROOM_CHECKPOINT = 'google/pegasus-newsroom' +PEGASUS_MULTINEWS_CHECKPOINT = 'google/pegasus-multi_news' + +MODEL_CHECKPOINTS = { + 'bart-xsum': BART_XSUM_CHECKPOINT, + 'bart-cnndm': BART_CNNDM_CHECKPOINT, + 'pegasus-xsum': PEGASUS_XSUM_CHECKPOINT, + 'pegasus-cnndm': PEGASUS_CNNDM_CHECKPOINT, + 'pegasus-newsroom': PEGASUS_NEWSROOM_CHECKPOINT, + 'pegasus-multinews': PEGASUS_MULTINEWS_CHECKPOINT +} + + +class JSONDataset(torch.utils.data.Dataset): + def __init__(self, data_path): + super(JSONDataset, self).__init__() + + with open(data_path) as fd: + self.data = [json.loads(line) for line in fd] + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + return self.data[idx] + + +def postprocess_data(decoded): + """ + Remove generation artifacts and postprocess outputs + + :param decoded: model outputs + """ + return [x.replace('', ' ') for x in decoded] + + +if __name__ == '__main__': + parser = argparse.ArgumentParser(description='Process some integers.') + parser.add_argument('--model', type=str) + parser.add_argument('--model_name_or_path', type=str) + parser.add_argument('--data_path', type=str) + args = parser.parse_args() + + if not (args.model or args.model_name_or_path): + raise ValueError('Model is required') + + if args.model and args.model_name_or_path: + raise ValueError('Specify model or model_name_or_path but not both') + + # Load models & data + if args.model: + model_name_or_path = MODEL_CHECKPOINTS[args.model] + file_model_name = args.model + else: + model_name_or_path = args.model_name_or_path + file_model_name = model_name_or_path.replace("/", "-") + model = AutoModelForSeq2SeqLM.from_pretrained(model_name_or_path).to(DEVICE) + tokenizer = AutoTokenizer.from_pretrained(model_name_or_path) + + dataset = JSONDataset(args.data_path) + + dataloader = torch.utils.data.DataLoader(dataset, batch_size=BATCH_SIZE) + + # Write out dataset + file_dataset_name = os.path.splitext(os.path.basename(args.data_path))[0] + filename = f'{file_model_name}.{file_dataset_name}.predictions' + fd_out = open(filename, 'w') + + model.eval() + with torch.no_grad(): + for raw_data in tqdm(dataloader): + batch = tokenizer(raw_data["document"], return_tensors="pt", truncation=True, padding="longest").to(DEVICE) + summaries = model.generate(input_ids=batch.input_ids, attention_mask=batch.attention_mask) + decoded = tokenizer.batch_decode(summaries, skip_special_tokens=True, clean_up_tokenization_spaces=False) + for example in postprocess_data(decoded): + fd_out.write(example + '\n') diff --git a/join.py b/join.py new file mode 100644 index 0000000000000000000000000000000000000000..8610f4036e0cdfb3d559dd936893aef086b3f495 --- /dev/null +++ b/join.py @@ -0,0 +1,80 @@ +""" +Script for joining dataset of documents/reference summaries with generated summaries (likely from generate.py). + +Usage with custom datasets in JSONL format: +python join.py --data_path --generation_paths --output_path + +Optionally specify --model_names to override default model names. + +""" +# !/usr/bin/env python +# coding: utf-8 + +import argparse +import json +import os +from pathlib import Path + +import torch +from tqdm import tqdm + +BATCH_SIZE = 8 + + +class JSONDataset(torch.utils.data.Dataset): + def __init__(self, data_path): + super(JSONDataset, self).__init__() + + with open(data_path) as fd: + self.data = [json.loads(line) for line in fd] + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + return self.data[idx] + + +if __name__ == '__main__': + parser = argparse.ArgumentParser() + parser.add_argument('--data_path', type=str) + parser.add_argument('--generation_paths', type=str, nargs="+", required=True) + parser.add_argument('--output_path', type=str, required=True) + parser.add_argument('--model_names', type=str, nargs="+") + args = parser.parse_args() + + if args.model_names and len(args.generation_paths) != len(args.model_names): + raise ValueError('Length of args.generation_paths must equal length of args.model_names') + + if args.model_names: + model_names = args.model_names + else: + model_names = [Path(p).name.split(".")[0] for p in args.generation_paths] + + args.dataset = os.path.splitext(os.path.basename(args.data_path))[0] + args.split = 'user' + + # Load data + + dataset = JSONDataset(args.data_path) + + # Join files and write out single jsonl dataset + + generation_files = [open(fname) for fname in args.generation_paths] + + with open(args.output_path, 'w') as outp: + for row in tqdm(zip(dataset, *generation_files)): + # Process each original data record in parallel with generation(s) of the model(s) + result = {} + data = row[0] + generations = row[1:] + result['summary:reference'] = data['summary:reference'] + result['document'] = data['document'] + for model_name, gen in zip(model_names, generations): + result[f'summary:{model_name}'] = gen + outp.write( + json.dumps(result) + '\n' + ) + + for file in generation_files: + file.close() diff --git a/preprocessing.py b/preprocessing.py new file mode 100644 index 0000000000000000000000000000000000000000..934ecfa6fc1f61950c674e3656cfc9a003275e69 --- /dev/null +++ b/preprocessing.py @@ -0,0 +1,343 @@ +import logging +from argparse import ArgumentParser +from typing import List + +from meerkat import DataPanel, SpacyColumn +from meerkat.logging.utils import set_logging_level +from spacy import load + +from align import BertscoreAligner, NGramAligner, StaticEmbeddingAligner, Aligner +from utils import clean_text + +set_logging_level('critical') +logger = logging.getLogger(__name__) +logger.setLevel(logging.CRITICAL) + + +def _run_aligners( + dataset: DataPanel, + aligners: List[Aligner], + doc_column: str, + reference_column: str, + summary_columns: List[str] = None, +): + if not summary_columns: + summary_columns = [] + + to_columns = [] + if reference_column is not None: + to_columns.append(reference_column) + to_columns.extend(summary_columns) + + for aligner in aligners: + + # Run the aligner on (document, summary) pairs + dataset = dataset.update( + lambda x: { + f'{type(aligner).__name__}:{doc_column}:{to_columns}': + aligner.align( + x[doc_column], + [x[col] for col in to_columns], + ), + }, + ) + + if reference_column is not None and len(summary_columns): + # Run the aligner on (reference, summary) pairs + dataset = dataset.update( + lambda x: { + f'{type(aligner).__name__}:{reference_column}:{summary_columns}': aligner.align( + x[reference_column], + [x[col] for col in summary_columns], + ), + }, + ) + + if len(to_columns) > 1: + # Instead of having one column for (document, summary) comparisons, split + # off into (1 + |summary_columns|) total columns, one for each comparison + + # Retrieve the (document, summary) column + doc_summary_column = dataset[f'{type(aligner).__name__}:{doc_column}:{to_columns}'] + + for i, col in enumerate(to_columns): + # Add as a new column after encoding with the aligner's `encode` method + dataset.add_column( + f'{type(aligner).__name__}:{doc_column}:{col}', + [row[i] for row in doc_summary_column], + ) + + # Remove the (document, summary) column + dataset.remove_column(f'{type(aligner).__name__}:{doc_column}:{to_columns}') + + if reference_column is not None and len(summary_columns) > 1: + # Instead of having one column for (reference, summary) comparisons, split + # off into (|summary_columns|) total columns, one for each comparison + + # Retrieve the (reference, summary) column + reference_summary_column = dataset[f'{type(aligner).__name__}:{reference_column}:{summary_columns}'] + + for i, col in enumerate(summary_columns): + # Add as a new column + dataset.add_column( + f'{type(aligner).__name__}:{reference_column}:{col}', + [row[i] for row in reference_summary_column], + ) + + # Remove the (reference, summary) column + dataset.remove_column(f'{type(aligner).__name__}:{reference_column}:{summary_columns}') + + return dataset + + +def load_nlp(): + try: + return load('en_core_web_lg') + except OSError: + raise OSError("'en_core_web_lg model' is required unless loading from cached file." + "To install: 'python -m spacy download en_core_web_lg'") + + +def run_workflow( + jsonl_path: str, + doc_column: str = None, + reference_column: str = None, + summary_columns: List[str] = None, + bert_aligner_threshold: float = 0.5, + bert_aligner_top_k: int = 3, + embedding_aligner_threshold: float = 0.5, + embedding_aligner_top_k: int = 3, + processed_dataset_path: str = None, + n_samples: int = None +): + if not jsonl_path: + raise ValueError("'jsonl_path' is required") + + if not processed_dataset_path: + raise ValueError("Please specify a path to save the dataset.") + + # Load the dataset + dataset = DataPanel.from_jsonl(jsonl_path) + + if doc_column is None: + # Assume `doc_column` is called "document" + doc_column = 'document' + assert doc_column in dataset.columns, \ + f"`doc_column={doc_column}` is not a column in datapanel." + print("Assuming `doc_column` is called 'document'.") + + if reference_column is None: + # Assume `reference_column` is called "summary:reference" + reference_column = 'summary:reference' + print("Assuming `reference_column` is called 'summary:reference'.") + if reference_column not in dataset.columns: + print("No reference summary loaded") + reference_column = None + + if summary_columns is None or len(summary_columns) == 0: + # Assume `summary_columns` are prefixed by "summary:" + summary_columns = [] + for col in dataset.columns: + if col.startswith("summary:") and col != "summary:reference": + summary_columns.append(col) + print(f"Reading summary columns from datapanel. Found {summary_columns}.") + + if len(summary_columns) == 0 and reference_column is None: + raise ValueError("At least one summary is required") + + # Restrict to the first `n_samples` + if n_samples: + print(f"Restricting to {n_samples} samples.") + dataset = dataset.head(n_samples) + + print("size of dataset:", len(dataset)) + + # Combine the text columns into one list + text_columns = [doc_column] + ([reference_column] if reference_column else []) + summary_columns + + # Preprocessing all the text columns + print("Preprocessing text columns") + dataset = dataset.update( + lambda x: { + f'preprocessed_{k}': x[k] if args.no_clean else clean_text(x[k]) + for k in text_columns + } + ) + + # Run the Spacy pipeline on all preprocessed text columns + nlp = load_nlp() + + nlp.add_pipe('sentencizer', before="parser") + + print("Running spacy processing") + for col in text_columns: + dataset.add_column(f'spacy:{col}', SpacyColumn.from_docs(nlp.pipe(dataset[f'preprocessed_{col}']))) + + # Run the 3 align pipelines + bert_aligner = BertscoreAligner( + threshold=bert_aligner_threshold, + top_k=bert_aligner_top_k, + ) + + embedding_aligner = StaticEmbeddingAligner( + threshold=embedding_aligner_threshold, + top_k=embedding_aligner_top_k, + ) + + ngram_aligner = NGramAligner() + + dataset = _run_aligners( + dataset=dataset, + aligners=[bert_aligner, embedding_aligner, ngram_aligner], + doc_column=f'spacy:{doc_column}', + reference_column=f'spacy:{reference_column}' if reference_column else None, + summary_columns=[f'spacy:{col}' for col in summary_columns], + ) + + # Save the dataset + dataset.write(processed_dataset_path) + + return dataset + + +def standardize_dataset( + dataset_name: str, + dataset_version: str, + dataset_split: str, + save_jsonl_path: str, + doc_column: str = None, + reference_column: str = None, + n_samples: int = None + +): + """Load a dataset from Huggingface and dump it to disk.""" + + if args.dataset is None or \ + args.split is None or \ + args.save_jsonl_path is None: + raise ValueError('Missing command line argument') + + # Load the dataset from Huggingface + dataset = get_dataset( + dataset_name=dataset_name, + dataset_version=dataset_version, + dataset_split=dataset_split + ) + if n_samples: + dataset = dataset[:n_samples] + + if doc_column is None: + if reference_column is not None: + raise ValueError("You must specify `doc_column` if you specify `reference_column`") + try: + doc_column, reference_column = { + 'cnn_dailymail': ('article', 'highlights'), + 'xsum': ('document', 'summary') + }[dataset_name] + except: + raise NotImplementedError( + "Please specify `doc_column`." + ) + + # Rename the columns + if doc_column != 'document': + dataset.add_column('document', dataset[doc_column]) + dataset.remove_column(doc_column) + dataset.add_column('summary:reference', dataset[reference_column]) + dataset.remove_column(reference_column) + + # Save the dataset back to disk + dataset.to_jsonl(save_jsonl_path) + return dataset + + +def get_dataset( + dataset_name: str = None, + dataset_version: str = None, + dataset_split: str = 'test', + dataset_jsonl: str = None, +): + """Load a dataset.""" + assert (dataset_name is not None) != (dataset_jsonl is not None), \ + "Specify one of `dataset_name` or `dataset_jsonl`." + + # Load the dataset + if dataset_name is not None: + return get_hf_dataset(dataset_name, dataset_version, dataset_split) + + return DataPanel.from_jsonl(json_path=dataset_jsonl) + + +def get_hf_dataset(name: str, version: str = None, split: str = 'test'): + """Get dataset from Huggingface.""" + if version: + return DataPanel.from_huggingface(name, version, split=split) + return DataPanel.from_huggingface(name, split=split) + + +if __name__ == '__main__': + parser = ArgumentParser() + parser.add_argument('--dataset', type=str, choices=['cnn_dailymail', 'xsum'], + help="Huggingface dataset name.") + parser.add_argument('--version', type=str, + help="Huggingface dataset version.") + parser.add_argument('--split', type=str, default='test', + help="Huggingface dataset split.") + parser.add_argument('--dataset_jsonl', type=str, + help="Path to a jsonl file for the dataset.") + parser.add_argument('--save_jsonl_path', type=str, + help="Path to save the processed jsonl dataset.") + parser.add_argument('--doc_column', type=str, + help="Name of the document column in the dataset.") + parser.add_argument('--reference_column', type=str, + help="Name of the reference summary column in the dataset.") + parser.add_argument('--summary_columns', nargs='+', default=[], + help="Name of other summary columns in/added to the dataset.") + + parser.add_argument('--bert_aligner_threshold', type=float, default=0.1, + help="Minimum threshold for BERT alignment.") + parser.add_argument('--bert_aligner_top_k', type=int, default=10, + help="Top-k for BERT alignment.") + parser.add_argument('--embedding_aligner_threshold', type=float, default=0.1, + help="Minimum threshold for embedding alignment.") + parser.add_argument('--embedding_aligner_top_k', type=int, default=10, + help="Top-k for embedding alignment.") + parser.add_argument('--processed_dataset_path', type=str, + help="Path to store the final processed dataset.") + parser.add_argument('--n_samples', type=int, + help="Number of dataset samples to process.") + + parser.add_argument('--workflow', action='store_true', default=False, + help="Whether to run the preprocessing workflow.") + parser.add_argument('--standardize', action='store_true', default=False, + help="Whether to standardize the dataset and save to jsonl.") + parser.add_argument('--no_clean', action='store_true', default=False, + help="Do not clean text (remove extraneous spaces, newlines).") + args = parser.parse_args() + + if args.standardize: + # Dump a Huggingface dataset to standardized jsonl format + standardize_dataset( + dataset_name=args.dataset, + dataset_version=args.version, + dataset_split=args.split, + save_jsonl_path=args.save_jsonl_path, + doc_column=args.doc_column, + reference_column=args.reference_column, + n_samples=args.n_samples + ) + + if args.workflow: + # Run the processing workflow + run_workflow( + jsonl_path=args.dataset_jsonl, + doc_column=args.doc_column, + reference_column=args.reference_column, + summary_columns=args.summary_columns, + bert_aligner_threshold=args.bert_aligner_threshold, + bert_aligner_top_k=args.bert_aligner_top_k, + embedding_aligner_threshold=args.embedding_aligner_threshold, + embedding_aligner_top_k=args.embedding_aligner_top_k, + processed_dataset_path=args.processed_dataset_path, + n_samples=args.n_samples + ) diff --git a/quickstart.sh b/quickstart.sh new file mode 100644 index 0000000000000000000000000000000000000000..8407c22014c1319e4dfba065caf4d9a5755dbab3 --- /dev/null +++ b/quickstart.sh @@ -0,0 +1,12 @@ +mkdir -p data && +mkdir -p preprocessing && +curl https://storage.googleapis.com/sfr-summvis-data-research/cnn_dailymail_1000.validation.anonymized.zip > preprocessing/cnn_dailymail_1000.validation.anonymized.zip && +unzip -o preprocessing/cnn_dailymail_1000.validation.anonymized.zip -d preprocessing/ && +python preprocessing.py \ +--deanonymize \ +--dataset_rg preprocessing/cnn_dailymail_1000.validation.anonymized \ +--dataset cnn_dailymail \ +--version 3.0.0 \ +--split validation \ +--processed_dataset_path data/cnn_dailymail_10.validation \ +--n_samples 10 \ No newline at end of file diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..a0f71ba72aa46243712350b9df3606c4c726fcf8 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,15 @@ +# environment.yml must be kept in sync +spacy==3.0.3 +streamlit==0.77.0 +st-annotated-text==1.1.0 +transformers +datasets==1.18.4 +torch>=1.8.0,<2.0.0 +bert-score==0.3.7 +rouge-score==0.0.4 +toolz==0.11.1 +nltk==3.4.5 +meerkat-ml==0.2.4 +sentencepiece==0.1.95 +en-core-web-sm @ https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz +protobuf~=3.19.0 diff --git a/resources/jquery.color-2.1.2.min.js b/resources/jquery.color-2.1.2.min.js new file mode 100644 index 0000000000000000000000000000000000000000..d77c42234e0b1d1bdb9deb8db51b0780826e5324 --- /dev/null +++ b/resources/jquery.color-2.1.2.min.js @@ -0,0 +1,2 @@ +/*! jQuery Color v@2.1.2 http://github.com/jquery/jquery-color | jquery.org/license */ +(function(a,b){function m(a,b,c){var d=h[b.type]||{};return a==null?c||!b.def?null:b.def:(a=d.floor?~~a:parseFloat(a),isNaN(a)?b.def:d.mod?(a+d.mod)%d.mod:0>a?0:d.max")[0],k,l=a.each;j.style.cssText="background-color:rgba(1,1,1,.5)",i.rgba=j.style.backgroundColor.indexOf("rgba")>-1,l(g,function(a,b){b.cache="_"+a,b.props.alpha={idx:3,type:"percent",def:1}}),f.fn=a.extend(f.prototype,{parse:function(c,d,e,h){if(c===b)return this._rgba=[null,null,null,null],this;if(c.jquery||c.nodeType)c=a(c).css(d),d=b;var i=this,j=a.type(c),o=this._rgba=[];d!==b&&(c=[c,d,e,h],j="array");if(j==="string")return this.parse(n(c)||k._default);if(j==="array")return l(g.rgba.props,function(a,b){o[b.idx]=m(c[b.idx],b)}),this;if(j==="object")return c instanceof f?l(g,function(a,b){c[b.cache]&&(i[b.cache]=c[b.cache].slice())}):l(g,function(b,d){var e=d.cache;l(d.props,function(a,b){if(!i[e]&&d.to){if(a==="alpha"||c[a]==null)return;i[e]=d.to(i._rgba)}i[e][b.idx]=m(c[a],b,!0)}),i[e]&&a.inArray(null,i[e].slice(0,3))<0&&(i[e][3]=1,d.from&&(i._rgba=d.from(i[e])))}),this},is:function(a){var b=f(a),c=!0,d=this;return l(g,function(a,e){var f,g=b[e.cache];return g&&(f=d[e.cache]||e.to&&e.to(d._rgba)||[],l(e.props,function(a,b){if(g[b.idx]!=null)return c=g[b.idx]===f[b.idx],c})),c}),c},_space:function(){var a=[],b=this;return l(g,function(c,d){b[d.cache]&&a.push(c)}),a.pop()},transition:function(a,b){var c=f(a),d=c._space(),e=g[d],i=this.alpha()===0?f("transparent"):this,j=i[e.cache]||e.to(i._rgba),k=j.slice();return c=c[e.cache],l(e.props,function(a,d){var e=d.idx,f=j[e],g=c[e],i=h[d.type]||{};if(g===null)return;f===null?k[e]=g:(i.mod&&(g-f>i.mod/2?f+=i.mod:f-g>i.mod/2&&(f-=i.mod)),k[e]=m((g-f)*b+f,d))}),this[d](k)},blend:function(b){if(this._rgba[3]===1)return this;var c=this._rgba.slice(),d=c.pop(),e=f(b)._rgba;return f(a.map(c,function(a,b){return(1-d)*e[b]+d*a}))},toRgbaString:function(){var b="rgba(",c=a.map(this._rgba,function(a,b){return a==null?b>2?1:0:a});return c[3]===1&&(c.pop(),b="rgb("),b+c.join()+")"},toHslaString:function(){var b="hsla(",c=a.map(this.hsla(),function(a,b){return a==null&&(a=b>2?1:0),b&&b<3&&(a=Math.round(a*100)+"%"),a});return c[3]===1&&(c.pop(),b="hsl("),b+c.join()+")"},toHexString:function(b){var c=this._rgba.slice(),d=c.pop();return b&&c.push(~~(d*255)),"#"+a.map(c,function(a){return a=(a||0).toString(16),a.length===1?"0"+a:a}).join("")},toString:function(){return this._rgba[3]===0?"transparent":this.toRgbaString()}}),f.fn.parse.prototype=f.fn,g.hsla.to=function(a){if(a[0]==null||a[1]==null||a[2]==null)return[null,null,null,a[3]];var b=a[0]/255,c=a[1]/255,d=a[2]/255,e=a[3],f=Math.max(b,c,d),g=Math.min(b,c,d),h=f-g,i=f+g,j=i*.5,k,l;return g===f?k=0:b===f?k=60*(c-d)/h+360:c===f?k=60*(d-b)/h+120:k=60*(b-c)/h+240,h===0?l=0:j<=.5?l=h/i:l=h/(2-i),[Math.round(k)%360,l,j,e==null?1:e]},g.hsla.from=function(a){if(a[0]==null||a[1]==null||a[2]==null)return[null,null,null,a[3]];var b=a[0]/360,c=a[1],d=a[2],e=a[3],f=d<=.5?d*(1+c):d+c-d*c,g=2*d-f;return[Math.round(o(g,f,b+1/3)*255),Math.round(o(g,f,b)*255),Math.round(o(g,f,b-1/3)*255),e]},l(g,function(c,e){var g=e.props,h=e.cache,i=e.to,j=e.from;f.fn[c]=function(c){i&&!this[h]&&(this[h]=i(this._rgba));if(c===b)return this[h].slice();var d,e=a.type(c),k=e==="array"||e==="object"?c:arguments,n=this[h].slice();return l(g,function(a,b){var c=k[e==="object"?a:b.idx];c==null&&(c=n[b.idx]),n[b.idx]=m(c,b)}),j?(d=f(j(n)),d[h]=n,d):f(n)},l(g,function(b,e){if(f.fn[b])return;f.fn[b]=function(f){var g=a.type(f),h=b==="alpha"?this._hsla?"hsla":"rgba":c,i=this[h](),j=i[e.idx],k;return g==="undefined"?j:(g==="function"&&(f=f.call(this,j),g=a.type(f)),f==null&&e.empty?this:(g==="string"&&(k=d.exec(f),k&&(f=j+parseFloat(k[2])*(k[1]==="+"?1:-1))),i[e.idx]=f,this[h](i)))}})}),f.hook=function(b){var c=b.split(" ");l(c,function(b,c){a.cssHooks[c]={set:function(b,d){var e,g,h="";if(d!=="transparent"&&(a.type(d)!=="string"||(e=n(d)))){d=f(e||d);if(!i.rgba&&d._rgba[3]!==1){g=c==="backgroundColor"?b.parentNode:b;while((h===""||h==="transparent")&&g&&g.style)try{h=a.css(g,"backgroundColor"),g=g.parentNode}catch(j){}d=d.blend(h&&h!=="transparent"?h:"_default")}d=d.toRgbaString()}try{b.style[c]=d}catch(j){}}},a.fx.step[c]=function(b){b.colorInit||(b.start=f(b.elem,c),b.end=f(b.end),b.colorInit=!0),a.cssHooks[c].set(b.elem,b.start.transition(b.end,b.pos))}})},f.hook(c),a.cssHooks.borderColor={expand:function(a){var b={};return l(["Top","Right","Bottom","Left"],function(c,d){b["border"+d+"Color"]=a}),b}},k=a.Color.names={aqua:"#00ffff",black:"#000000",blue:"#0000ff",fuchsia:"#ff00ff",gray:"#808080",green:"#008000",lime:"#00ff00",maroon:"#800000",navy:"#000080",olive:"#808000",purple:"#800080",red:"#ff0000",silver:"#c0c0c0",teal:"#008080",white:"#ffffff",yellow:"#ffff00",transparent:[null,null,null,0],_default:"#ffffff"}})(jQuery); \ No newline at end of file diff --git a/resources/summvis.css b/resources/summvis.css new file mode 100644 index 0000000000000000000000000000000000000000..9e3e3f506e13d0d05898f7c40e70f046c10a5019 --- /dev/null +++ b/resources/summvis.css @@ -0,0 +1,347 @@ +body { + font-family: 'Roboto', sans-serif; + font-weight: 400; + line-height: 1.5; + color: #262730; + font-weight: 400; +} + +.vis-container { + height: 670px; + background-color: #F5F7F9; +} + +.nodisplay { + display: none !important; +} + +.scroll { + overflow-y: scroll; +} + +.doc-container { + padding: 10px 20px; +} + +.horizontal-layout .doc-container { + padding-bottom: 0px; +} + +.vertical-layout .doc-container { + float: left; + width: 50%; + padding-right: 0px; +} + +.summary-container { + padding: 0px 20px; +} + +.vertical-layout .summary-container { + float: left; + width: 50%; + padding-top: 8px; +} + +.vertical-layout .main-doc.scroll { + height: 610px; +} + +.main-doc.scroll { + scrollbar-width: none; +} + +/* Works on Chrome, Edge, and Safari */ +.main-doc.scroll::-webkit-scrollbar { + width: 0; +} + +.vertical-layout .proxy-doc { + height: 610px; +} + +.vertical-layout .summary-list.scroll { + height: 610px; +} + +.horizontal-layout .scroll { + height: 270px; +} + +.doc { + display: flex; +} + +.horizontal-layout .doc { +} + +.main-doc { + background-color: white; + padding-left: 17px; + padding-right: 15px; + padding-top: 16px; + border-top-left-radius: 4px; + border-bottom-left-radius: 4px; + flex: 1; + border: 1px solid #e9e9e9; +} + +.display .proxy-scroll { + position: absolute; + left: 9px; + width: 9px; + border-radius: 6px; + background-color: rgba(0, 0, 0, 0.1); +} + +.display .proxy-scroll.hover { + background-color: rgba(0, 0, 0, 0.2); +} + +.proxy-doc { + flex: 0 0 28px; + background-color: white; + position: relative; + border-bottom-right-radius: 4px; + border-top-right-radius: 4px; + padding-left: 3px; + padding-right: 3px; + border-top: 1px solid #e9e9e9; + border-right: 1px solid #e9e9e9; + border-bottom: 1px solid #e9e9e9; +} + +.vertical-layout .proxy-doc { + margin-right: 25px; +} + +.summary-list { + border-top: 1px solid #ccc; + border-bottom: 1px solid #ccc; + border-radius: 4px; +} + +.summary-item { + border-bottom: 1px solid #ccc; + border-left: 1px solid #ccc; + border-right: 1px solid #ccc; + background-color: white; + padding-top: 16px; + padding-bottom: 16px; + padding-left: 23px; + padding-right: 8px; +} + +.summary-item:last-child { + border-bottom: 0px; + border-bottom-left-radius: 3px; +} + +.summary-item.selected.selectable { + border-left: 3px solid #2377E9; + padding-left: 21px; +} + +.summary-item.selectable:not(.selected):hover { + cursor: pointer; + background-color: #FCFDFF; +} + +.summary-item.selected.selectable .highlight:not(.annotation-hidden):hover { + cursor: pointer; +} + +.summary-item.selected.selectable .underline:not(.annotation-hidden):hover { + cursor: pointer; +} + +.summary-item .name { + margin-bottom: 8px; + font-weight: 400; +} + +.summary-item.selected.selectable .name { + font-weight: 500; +} + +.inactive { + opacity: 0.5 !important; +} + +.stopword.grayed-out { + opacity: 50% +} + +.has-lexical-alignment .annotate-novel { + /* Bold all non-underlined items */ + font-weight: 500; + color: black; +} + +.summary-item .stopword { + font-weight: 400; +} + +.summary-item .token-underline { + font-weight: 400; +} + +.summary-item:not(.selected) .underline, .summary-item:not(.selectable) .underline { + border-color: #909090 !important; +} + +.underline.annotation-inactive { + border-color: #E9E9E9 !important; +} + +.underline.annotation-invisible { + border-color: transparent !important; +} + +.underline.annotation-hidden { + border: 0px !important; + margin: 0px !important; +} + +.proxy-underline.annotation-hidden, .proxy-highlight.annotation-hidden { + visibility: hidden; +} + +.proxy-underline.annotation-inactive { + background-color: #E9E9E9 !important; +} + +.proxy-underline.annotation-invisible { + background-color: transparent !important; +} + +.highlight { + display: inline-block; +} + +.highlight.annotation-hidden { + background: none !important; + border-color: transparent !important; + border-bottom: 0px !important; +} + +.highlight.annotation-invisible { + background-color: transparent !important; + border-color: transparent !important; +} + +.summary-item:not(.selected) .highlight:not(.annotation-hidden), +.summary-item:not(.selectable) .highlight:not(.annotation-hidden) { + border-color: #909090 !important; +} + +.highlight.annotation-inactive { + border-color: #E9E9E9 !important; +} + +.display .proxy-scroll.hidden { + visibility: hidden; +} + +#document-header { + min-height: 35px; + margin-bottom: 0px; + align-items: center; + color: black; + display: flex; +} + +#summary-header { + display: flex; + justify-content: space-between; + align-items: center; + min-height: 35px; + margin-bottom: 0px; + color: black; +} + +.horizontal-layout #summary-header { + margin-top: 23px; +} + +#summary-header-gap { + flex: 1 0 15px; +} + +.highlight.selected { + border-color: transparent !important; +} + +.highlight:not(.selected), .proxy-highlight:not(.selected) { + background-color: transparent !important; +} + +.summary-item.annotate-entities .entity:not(.matches-ngram) { + color: #fb425c; + font-weight: 500; +} + +.summary-item.annotate-lexical .highlight.matches-ngram { + padding: 0px; + border-bottom: 0px !important; +} + +.doc .highlight { + padding: 0px; + border: 0px !important; +} + +ul.annotation-key { + display: flex; + align-items: flex-end; + list-style: none; + justify-content: flex-start; + padding: 0px; + margin: 0px 0px 10px 0px; +} + +.annotation-key li { + margin-right: 15px; + font-size: 13px; + padding: 6px 13px 6px 13px; +} + +.annotation-key li.option { + border-radius: 13px; + cursor: pointer; + border: 1px solid #F3F3F3; +} + +.annotation-key li.option.selected { + background-color: #F0F2F6; +} + +.annotation-key-label { + margin: 0px; + padding-left: 0px !important; + padding-right: 0px !important; +} + +.annotation-key-ngram { + border-bottom: 3px solid #66c2a5; + padding-bottom: 1px; +} + +.annotation-key-semantic { + border-bottom: 4px dotted #66c2a5; + padding-bottom: 1px; +} + +.annotation-key-novel { + font-weight: 500; + color: black; +} + +.annotation-key-entity { + font-weight: 500; + color: #fb425c; +} + +.annotation-key-stopword { + opacity: 70%; +} diff --git a/resources/summvis.js b/resources/summvis.js new file mode 100644 index 0000000000000000000000000000000000000000..dbce298d922226a7510a1ab6270281485cd4a12b --- /dev/null +++ b/resources/summvis.js @@ -0,0 +1,518 @@ +$(document).ready( + function () { + + // Define global variables + + let isDragging = false; + let saveDragPos; + + let rtime; + let timeout = false; + let delta = 200; + + let disableScrollEvent = false; + + let annotateLexical = false; + let annotateSemantic = false; + let annotateNovel = false; + let annotateEntities = false; + + // Define functions + + function clamp(number, min, max) { + return Math.max(min, Math.min(number, max)); + } + + function hasScroll() { + const el = $(".display .main-doc"); + return el.prop("scrollHeight") > el.prop("clientHeight"); + } + + function scrollBy(delta) { + const proxyDoc = $(".display .proxy-doc"); + const proxyScroll = proxyDoc.find(".proxy-scroll"); + const currentTop = parseFloat(proxyScroll.css("top")); + const newTop = clamp(currentTop + delta, 0, proxyDoc.innerHeight() - proxyScroll.innerHeight()); + proxyScroll.css("top", newTop); + const mainDoc = $(".display .main-doc"); + const scaleY = mainDoc[0].scrollHeight / proxyDoc.innerHeight(); + mainDoc.scrollTop(newTop * scaleY) + } + + function getSpanId(el) { + return getSpanIds(el)[0] + } + + function getSpanIds(el) { + return el.attr("class").split(/\s+/).filter(function (x) { + return x.startsWith("span-") + }); + } + + function createProxy() { + const mainDoc = $(".display .main-doc"); + const proxyDoc = $(".display .proxy-doc"); + const proxyHeight = proxyDoc.innerHeight(); + const proxyWidth = proxyDoc.innerWidth(); + const scaleX = 0.8 * proxyWidth / mainDoc.innerWidth(); + const scaleY = proxyHeight / mainDoc[0].scrollHeight; + const scrollTop = mainDoc.scrollTop(); + const proxyScrollTop = scrollTop * scaleY; + const proxyScrollBottom = (scrollTop + mainDoc.innerHeight()) * scaleY; + const proxyScrollHeight = proxyScrollBottom - proxyScrollTop; + proxyDoc.empty(); + + // Loop through underlines in doc view and create associated proxy element + if (annotateLexical) { + $(".display .main-doc .token-underline").each( + function (index, value) { + const el = $(value); + const x = el.position().left; + const y = mainDoc.scrollTop() + el.position().top - mainDoc.position().top; + const newHeight = 3; + const color = el.css("border-bottom-color"); + const proxyPadding = proxyDoc.innerWidth() - proxyDoc.width(); + const newX = x * scaleX + proxyPadding / 2; + const newY = (y + el.height()) * scaleY - newHeight; + const newWidth = Math.min( + Math.max((el.width() * scaleX) + 1, 5), + proxyDoc.width() + proxyPadding / 2 - newX + ); + + let classes = "proxy-underline annotation-hidden " + getSpanIds(el).join(" "); + const proxyEl = $('
', { + "class": classes, + "css": { + "position": "absolute", + "left": Math.round(newX), + "top": Math.round(newY), + "background-color": color, + "width": newWidth, + "height": newHeight, + } + }).appendTo(proxyDoc); + proxyEl.data(el.data()); + } + ); + } + + // Loop through all active highlights in doc view and create associated proxy element + if (annotateSemantic) { + $(".display .main-doc .highlight").each( + function (index, value) { + const el = $(value); + const x = el.position().left; + const y = mainDoc.scrollTop() + el.position().top - mainDoc.position().top; + const newHeight = 5; + const color = el.css("background-color"); + const proxyPadding = proxyDoc.innerWidth() - proxyDoc.width() + const newX = x * scaleX + proxyPadding / 2; + const newY = (y + el.height()) * scaleY - newHeight; + const newWidth = Math.min( + Math.max((el.width() * scaleX) + 1, 5), + proxyDoc.width() + proxyPadding / 2 - newX + ); + const proxyEl = $('
', { + "class": 'proxy-highlight annotation-hidden', + "css": { + "position": "absolute", + "left": Math.round(newX), + "top": Math.round(newY), + "background-color": color, + "width": newWidth, + "height": newHeight, + } + }).appendTo(proxyDoc); + // Copy data attributes + proxyEl.data(el.data()); + // Set classes for matching + proxyEl.addClass(el.data("match-classes")) + } + ); + } + $('
', { + "class": 'proxy-scroll hidden', + "css": { + "top": proxyScrollTop, + "height": proxyScrollHeight, + } + }).appendTo(proxyDoc); + if (hasScroll()) { + $(".display .proxy-scroll").removeClass("hidden") + } + + $(".display .proxy-doc") + .mousedown(function (event) { + saveDragPos = parseFloat(event.pageY); + isDragging = true; + event.preventDefault(); + }) + .mousemove(function (event) { + const dragPos = parseFloat(event.pageY); + if (isDragging) { + const distanceMoved = dragPos - saveDragPos; + scrollBy(distanceMoved); + saveDragPos = dragPos; + event.preventDefault(); + } + }) + .mouseup(function (event) { + isDragging = false; + }) + .mouseenter(function () { + disableScrollEvent = true; + $(".display .proxy-scroll").addClass("hover") + }) + .mouseleave(function () { + isDragging = false; + disableScrollEvent = false; + $(".display .proxy-scroll").removeClass("hover") + }) + .on('wheel', function (event) { + scrollBy(event.originalEvent.deltaY / 4); + event.preventDefault(); + }); + + // TODO: Handle user clicking in scroll region + + $(".display .main-doc").scroll(function () { + if (disableScrollEvent) return; + $(".display .proxy-scroll") + .css( + "top", $(this).scrollTop() * scaleY + ) + }) + } + + function resizeend() { + if (new Date() - rtime < delta) { + setTimeout(resizeend, delta); + } else { + timeout = false; + updateAnnotations(); + toggleScrollbar(); + } + } + + function toggleScrollbar() { + if (hasScroll()) { + $(".display .proxy-scroll").removeClass("hidden"); + } else { + $(".display .proxy-scroll").addClass("hidden"); + } + } + + function updateAnnotations() { + + annotateSemantic = $("#option-semantic").hasClass("selected"); + annotateLexical = $("#option-lexical").hasClass("selected"); + annotateEntities = $("#option-entity").hasClass("selected"); + annotateNovel = $("#option-novel").hasClass("selected"); + + if (annotateSemantic || annotateLexical) { + $(".summary-item").addClass("selectable") + } else { + $(".summary-item").removeClass("selectable") + } + + if (annotateLexical) { + $(".underline").removeClass("annotation-hidden"); + $(".summary-item").addClass("annotate-lexical"); + } else { + $(".underline").addClass("annotation-hidden"); + $(".summary-item").removeClass("annotate-lexical"); + } + if (annotateSemantic) { + $(".highlight").removeClass("annotation-hidden"); + } else { + $(".highlight").addClass("annotation-hidden"); + } + if (annotateEntities) { + $(".summary-item").addClass("annotate-entities") + } else { + $(".summary-item").removeClass("annotate-entities") + } + if (annotateNovel) { + $(".summary-item").addClass("annotate-novel") + } else { + $(".summary-item").removeClass("annotate-novel") + } + + createProxy(); + + if (annotateLexical) { + $(".proxy-underline").removeClass("annotation-hidden"); + } else { + $(".proxy-underline").addClass("annotation-hidden"); + } + if (annotateSemantic) { + $(".proxy-highlight").removeClass("annotation-hidden"); + } else { + $(".proxy-highlight").addClass("annotation-hidden"); + } + + $(".summary-item .highlight").tooltip("disable"); + if (annotateSemantic) { + $(".summary-item.selected .highlight").tooltip("enable") + } + } + + function removeDocTooltips() { + $("[data-tooltip-timestamp]").tooltip("dispose").removeAttr("data-tooltip-timestamp"); + } + + function resetUnderlines() { + $('.annotation-invisible').removeClass("annotation-invisible"); + $('.annotation-inactive').removeClass("annotation-inactive"); + $('.temp-underline-color') + .each(function () { + $(this).css("border-color", $(this).data("primary-color")); + }) + .removeClass("temp-underline-color") + $('.temp-proxy-underline-color') + .each(function () { + $(this).css("background-color", $(this).data("primary-color")); + }) + .removeClass("temp-proxy-underline-color") + } + + function showDocTooltip(el) { + const topDocHighlightId = $(el).data("top-doc-highlight-id"); + const topDocSim = $(el).data("top-doc-sim"); + const topHighlight = $(`.display .main-doc .highlight[data-highlight-id=${topDocHighlightId}]`); + if (!isViewable(topHighlight)) { + return; + } + topHighlight.tooltip({title: `Most similar (${topDocSim})`, trigger: "manual", container: "body"}); + topHighlight.tooltip("show"); + const tooltipTimestamp = Date.now(); + // Do not use .data() method to set data attributes as they are not searchable + topHighlight.attr("data-tooltip-timestamp", tooltipTimestamp); + setTimeout(function () { + if (topHighlight.data("tooltip-timestamp") == tooltipTimestamp) { + topHighlight.tooltip("dispose").removeAttr("data-tooltip-timestamp"); + } + }, 8000); + } + + function highlightUnderlines() { + const spanId = getSpanId($(this)); + const color = $(this).css("border-bottom-color"); + // TODO Consolidate into single statement + $(`.summary-item.selected .underline.${spanId}`).removeClass("annotation-inactive"); + $(`.doc .underline.${spanId}`) + .removeClass("annotation-inactive") + .each(function () { + $(this).css("border-bottom-color", color); + }) + .addClass("temp-underline-color"); + $(`.proxy-underline.${spanId}`) + .removeClass("annotation-inactive") + .each(function () { + $(this).css("background-color", color); + }) + .addClass("temp-proxy-underline-color"); + + $(`.summary-item.selected .underline:not(.${spanId})`).addClass("annotation-inactive"); + $(`.doc .underline:not(.${spanId})`).addClass("annotation-inactive"); + $(`.proxy-underline:not(.${spanId})`).addClass("annotation-inactive"); + + $(".summary-item.selected .highlight:not(.annotation-hidden)").addClass("annotation-inactive"); + } + + function resetHighlights() { + removeDocTooltips(); + $('.summary-item.selected .annotation-inactive').removeClass("annotation-inactive"); + $('.summary-item.selected .annotation-invisible').removeClass("annotation-invisible"); + $('.temp-highlight-color') + .each(function () { + $(this).css("background-color", $(this).data("primary-color")); + }) + .removeClass("temp-highlight-color"); + $('.highlight.selected').removeClass("selected"); + $('.proxy-highlight.selected').removeClass("selected"); + $('.summary-item [title]').removeAttr("title"); + } + + function highlightToken() { + const highlightId = $(this).data("highlight-id"); + $(`.summary-item.selected .highlight:not(.summary-highlight-${highlightId})`).addClass("annotation-inactive"); + $('.highlight.selected').removeClass("selected") + $('.proxy-highlight.selected').removeClass("selected") + const matchedDocHighlight = `.display .main-doc .summary-highlight-${highlightId}`; + const matchedProxyHighlight = `.proxy-doc .summary-highlight-${highlightId}`; + $(matchedDocHighlight + ", " + matchedProxyHighlight) + .each(function () { + const newHighlightColor = $(this).data(`color-${highlightId}`); + $(this).css("background-color", newHighlightColor); + $(this).addClass("selected"); + }) + .addClass("temp-highlight-color"); + $(".underline").addClass("annotation-inactive"); + $(".proxy-underline").addClass("annotation-invisible") + showDocTooltip(this); + $(this).addClass("selected"); + $(this).removeClass("annotation-inactive"); + $('.summary-item [title]').removeAttr("title"); + if (!isViewable($(matchedDocHighlight))) { + $(this).attr("title", "Click to scroll to most similar word.") + } + } + + function isViewable(el) { + const elTop = el.offset().top; + const elBottom = elTop + el.outerHeight(); + const scrollRegion = $(".display .main-doc"); + const scrollTop = scrollRegion.offset().top; + const scrollBottom = scrollTop + scrollRegion.outerHeight(); + return elTop > scrollTop && elBottom < scrollBottom; + } + + // Initialization + + $(function () { + $('[data-toggle="tooltip"]').tooltip({ + // 'boundary': '.summary-container' + trigger: 'hover' + }) + }) + updateAnnotations(); + + // Bind events + + $(window).resize(function () { + rtime = new Date(); + if (timeout === false) { + timeout = true; + setTimeout(resizeend, delta); + } + }); + + $(".summary-list").on( + "click", + ".summary-item.selectable:not(.selected)", + function () { + const summary_index = $(this).data("index"); + + // Update summary items + $(".summary-item.selected").removeClass("selected") + $(this).addClass("selected") + + // Update doc + // Show the version of document aligned with selected summary index + $(`.doc[data-index=${summary_index}]`).removeClass("nodisplay").addClass("display"); + // Hide the version of document not aligned with selected summary index + $(`.doc[data-index!=${summary_index}]`).removeClass("display").addClass("nodisplay"); + + updateAnnotations(); + } + ); + + $("#option-lexical").click(function () { + $(this).toggleClass("selected") + updateAnnotations() + }); + $("#option-semantic").click(function () { + $(this).toggleClass("selected") + updateAnnotations() + }); + $("#option-novel").click(function () { + $(this).toggleClass("selected") + updateAnnotations() + }); + $("#option-entity").click(function () { + $(this).toggleClass("selected") + updateAnnotations() + }); + + const activeUnderlines = ".summary-item.selected .underline:not(.annotation-inactive):not(.annotation-hidden)"; + $(".summary-list").on( + "mouseenter", + activeUnderlines, + function () { + highlightUnderlines.call(this); + } + ); + + $(".summary-list").on( + "mouseleave", + activeUnderlines, + resetUnderlines + ); + $(".summary-list").on( + "click", + activeUnderlines, + function () { + // Find aligned underline in doc and scroll doc to that position + highlightUnderlines.call(this); + const mainDoc = $(".display .main-doc"); + const spanId = getSpanId($(this)); + const matchedUnderline = $(`.doc .underline.${spanId}`); + mainDoc.animate({ + scrollTop: mainDoc.scrollTop() + + matchedUnderline.offset().top - mainDoc.offset().top - 60 + }, + 300 + ) + } + ); + + const activeHighlights = ".summary-item.selected .highlight:not(.annotation-hidden):not(.matches-ngram), " + + ".summary-item.selected:not(.annotate-lexical) .highlight:not(.annotation-hidden)"; + $(".summary-list").on( + "mouseenter", + activeHighlights, + function () { + highlightToken.call(this); + }) + $(".summary-list").on( + "mouseleave", + activeHighlights, + function () { + resetHighlights(); + resetUnderlines(); + } + ); + $(".summary-list").on( + "click", + activeHighlights, + function () { + highlightToken.call(this); + // Find corresponding highlight in doc representing max similarity and scroll doc to that position + const topDocHighlightId = $(this).data("top-doc-highlight-id"); + removeDocTooltips(topDocHighlightId); + const topDocHighlight = $(`.display .main-doc .highlight[data-highlight-id=${topDocHighlightId}]`); + const mainDoc = $(".display .main-doc"); + const el = this; + mainDoc.animate({ + scrollTop: mainDoc.scrollTop() + + topDocHighlight.offset().top - mainDoc.offset().top - 60 + }, + 300, + function () { + setTimeout( + function () { + // If no other tooltips have since been displayed + if ($("[data-tooltip-timestamp]").length == 0) { + showDocTooltip(el); + } else { + console.log("Not showing tooltip because one already exists") + } + }, + 100 + ) + } + ) + } + ); + $(".summary-list").on( + "mouseleave", + ".summary-item.selected .content", + function () { + resetHighlights(); + resetUnderlines(); + }, + ); + } +); + diff --git a/utils.py b/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..88c90b11e2b38170614ec4332cea2558bea1251e --- /dev/null +++ b/utils.py @@ -0,0 +1,9 @@ +import re + + +def clean_text(text): + split_punct = re.escape(r'()') + return ' '.join(re.findall(rf"[^\s{split_punct}]+|[{split_punct}]", text)) + # Ensure parentheses are probably separated by spaCy tokenizer for CNN/DailyMail dataset. + return text.replace("(", "( ").replace(")", ") ") + diff --git a/website/annotations.png b/website/annotations.png new file mode 100644 index 0000000000000000000000000000000000000000..1400968ec31bd4e86ee4bad381c7d0f4ad77a238 Binary files /dev/null and b/website/annotations.png differ diff --git a/website/demo.gif b/website/demo.gif new file mode 100644 index 0000000000000000000000000000000000000000..e4a076d2180ecbfe8c2a54bf0824d7fbec4894fc --- /dev/null +++ b/website/demo.gif @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:92d7b504318cd2dead51efe53985aa2721f318cc305701dcba80c02a683e78e4 +size 1334322 diff --git a/website/main-vis.jpg b/website/main-vis.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8c8cb1d12b331510d82222786dbdd8f0496df13f Binary files /dev/null and b/website/main-vis.jpg differ diff --git a/website/title.png b/website/title.png new file mode 100644 index 0000000000000000000000000000000000000000..65defd8b6a7ca7e52a00e93043c9028d652dbe25 Binary files /dev/null and b/website/title.png differ diff --git a/website/triangle.png b/website/triangle.png new file mode 100644 index 0000000000000000000000000000000000000000..295e7d4cc79efa5436a6d1e53ad129682f2a4c71 Binary files /dev/null and b/website/triangle.png differ