An open API service providing repository metadata for many open source software ecosystems.

Topic: "abstractive-summarization"

ChenRocks/fast_abs_rl

Code for ACL 2018 paper: "Fast Abstractive Summarization with Reinforce-Selected Sentence Rewriting. Chen and Bansal"

Language: Python - Size: 80.1 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 620 - Forks: 191

santhoshkolloju/Abstractive-Summarization-With-Transfer-Learning

Abstractive summarisation using Bert as encoder and Transformer Decoder

Language: Python - Size: 788 KB - Last synced at: 22 days ago - Pushed at: almost 2 years ago - Stars: 406 - Forks: 98

xiongma/transformer-pointer-generator 📦

A Abstractive Summarization Implementation with Transformer and Pointer-generator

Language: Python - Size: 303 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 391 - Forks: 79

ymfa/seq2seq-summarizer

Pointer-generator reinforced seq2seq summarization in PyTorch

Language: Python - Size: 73.2 KB - Last synced at: 5 months ago - Pushed at: about 6 years ago - Stars: 358 - Forks: 72

EdinburghNLP/XSum

Topic-Aware Convolutional Neural Networks for Extreme Summarization

Language: Python - Size: 9.95 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 337 - Forks: 74

csebuetnlp/xl-sum

This repository contains the code, data, and models of the paper titled "XL-Sum: Large-Scale Multilingual Abstractive Summarization for 44 Languages" published in Findings of the Association for Computational Linguistics: ACL-IJCNLP 2021.

Language: Python - Size: 5.41 MB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 249 - Forks: 42

lipiji/neural-summ-cnndm-pytorch

Neural abstractive summarization (seq2seq + copy (or pointer network) + coverage) in pytorch on CNN/Daily Mail

Language: Python - Size: 85 KB - Last synced at: 12 months ago - Pushed at: about 3 years ago - Stars: 199 - Forks: 38

cbaziotis/seq3

Source code for the NAACL 2019 paper "SEQ^3: Differentiable Sequence-to-Sequence-to-Sequence Autoencoder for Unsupervised Abstractive Sentence Compression"

Language: Python - Size: 16.6 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 124 - Forks: 18

Huffon/factsumm

FactSumm: Factual Consistency Scorer for Abstractive Summarization

Language: Python - Size: 832 KB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 110 - Forks: 10

abrazinskas/Copycat-abstractive-opinion-summarizer

ACL 2020 Unsupervised Opinion Summarization as Copycat-Review Generation

Language: Python - Size: 9.71 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 96 - Forks: 30

luopeixiang/awesome-text-summarization

Text summarization starting from scratch.

Size: 5.86 KB - Last synced at: about 19 hours ago - Pushed at: 8 months ago - Stars: 94 - Forks: 17

iwangjian/ByteCup2018

Byte Cup 2018 International Machine Learning Contest (3rd prize)

Language: Python - Size: 1.11 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 77 - Forks: 19

HHousen/DocSum

A tool to automatically summarize documents abstractively using the BART or PreSumm Machine Learning Model.

Language: Python - Size: 114 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 63 - Forks: 13

aj-naik/Text-Summarization

Abstractive and Extractive Text summarization using Transformers.

Language: Jupyter Notebook - Size: 163 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 58 - Forks: 8

amazon-science/fact-graph

Implementation of the paper "FactGraph: Evaluating Factuality in Summarization with Semantic Graph Representations (NAACL 2022)"

Language: Python - Size: 2.24 MB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 47 - Forks: 5

CannyLab/summary_loop

Codebase for the Summary Loop paper at ACL2020

Language: Python - Size: 35.2 KB - Last synced at: 2 days ago - Pushed at: almost 2 years ago - Stars: 44 - Forks: 13

Iwontbecreative/Abstractive-summarization-OpenNMT Fork of OpenNMT/OpenNMT-py

Abstractive summarization leveraging opennmt

Language: Python - Size: 75.4 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 42 - Forks: 11

TysonYu/AdaptSum

The code repository for NAACL 2021 paper "AdaptSum: Towards Low-Resource Domain Adaptation for Abstractive Summarization".

Language: Python - Size: 96.7 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 33 - Forks: 2

rktamplayo/PlanSum

[AAAI2021] Unsupervised Opinion Summarization with Content Planning

Language: Python - Size: 206 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 31 - Forks: 3

IlyaGusev/gazeta

Gazeta: Dataset for automatic summarization of Russian news / Газета: набор данных для автоматического реферирования на русском языке

Language: Python - Size: 76.2 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 1

amazon-science/BartGraphSumm

Implementation of the paper "Efficiently Summarizing Text and Graph Encodings of Multi-Document Clusters (NAACL 2021)"

Language: Python - Size: 3.6 MB - Last synced at: 16 days ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 2

YiSyuanChen/MTL-ABS

Original PyTorch implementation for AAAI 2021 Paper "Meta-Transfer Learning for Low-Resrouce Abstractive Summarization."

Language: Python - Size: 360 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 25 - Forks: 3

nsi319/Finetune-Transformers

Abstractive text summarization by fine-tuning seq2seq models.

Language: Python - Size: 2.53 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 24 - Forks: 9

nc-ai/MultimodalSum

[ACL-IJCNLP 2021] Self-Supervised Multimodal Opinion Summarization

Language: Python - Size: 2.69 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 23 - Forks: 4

vgupta123/sumpubmed

SUMPUBMED: Summarization Dataset of PubMed Scientific Article

Size: 339 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 23 - Forks: 3

Tixierae/OrangeSum

The French summarization dataset introduced in "BARThez: a Skilled Pretrained French Sequence-to-Sequence Model".

Language: Jupyter Notebook - Size: 223 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 22 - Forks: 2

Bastian/Abstractive-Summarization-of-Meetings

The source code for my bachelor's thesis "Abstractive Summarization of Meetings"

Language: Python - Size: 943 KB - Last synced at: about 12 hours ago - Pushed at: almost 4 years ago - Stars: 20 - Forks: 7

rktamplayo/DenoiseSum

[ACL2020] Unsupervised Opinion Summarization with Noising and Denoising

Language: Python - Size: 3.48 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 20 - Forks: 1

rktamplayo/Entity2Topic

[NAACL2018] Entity Commonsense Representation for Neural Abstractive Summarization

Language: Python - Size: 25.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 20 - Forks: 8

morningmoni/EDE

Code for paper "Extract, Denoise and Enforce: Evaluating and Improving Concept Preservation for Text-to-Text Generation" EMNLP 2021 and "Constrained Abstractive Summarization: Preserving Factual Consistency with Constrained Generation" arXiv 2020

Language: Python - Size: 837 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 18 - Forks: 5

LittleBBBo/TextSummarization-On-Flink

An end-to-end application for abstractive document summarization on top of TensorFlow, Flink-AI-Extended and Flink ML pipeline framework.

Language: Python - Size: 843 KB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 17 - Forks: 4

AIKevin/Pointer_Generator_Summarizer

Pointer Generator Network: Seq2Seq with attention, pointing and coverage mechanism for abstractive summarization.

Language: Python - Size: 50.8 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 17 - Forks: 8

domyounglee/Transformer-Summarization

An optimized Transformer based abstractive summarization model with Tensorflow

Language: Python - Size: 42.8 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 2

amazon-science/abstractive-factual-tradeoff

Code and data for the Dreyer et al (2023) paper on abstractiveness and factuality in abstractive summarization

Language: Python - Size: 1.98 MB - Last synced at: 16 days ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 0

linydub/azureml-greenai-txtsum

Samples for fine-tuning HuggingFace models with AzureML

Size: 5.66 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 3

talha1503/Get-To-The-Point-Summarization-with-Pointer-Generator-Networks Fork of Developer-Zer0/Get-To-The-Point-Summarization-with-Pointer-Generator-Networks

Pytorch implementation of Get To The Point: Summarization with Pointer-Generator Networks (2017) by Abigail See et al.

Size: 50.8 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 2

nilax97/NLP-Project

Project on Abstractive Summarization of News for course on Natural Language Processing at IIT Delhi

Language: Python - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 3

SC4RECOIN/BERT-summarizer

Text Summarization with Pretrained Encoders

Language: Python - Size: 26.4 KB - Last synced at: 21 days ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 1

JRC1995/INTER-INTRA-attentions

An experimental custom seq-2-seq model with both layer-wise (inter-layer), and intra-layer attention (attention to previous hidden states of the same RNN unit) for abstractive summarization.

Language: Jupyter Notebook - Size: 85.9 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 9 - Forks: 2

botondbarta/HunSum

Complimentary code for our paper From News to Summaries: Building a Hungarian Corpus for Extractive and Abstractive Summarization

Language: Jupyter Notebook - Size: 457 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 8 - Forks: 0

amr4i/Query-Biased-Multi-Document-Abstractive-Summarisation

Implementation for multi-document query-based abstractive summarisation

Language: q - Size: 15.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 7 - Forks: 3

munas-git/text-summarization-webapp

Extractive, Abstractive text/document summarizing system with Flask, capable of suggesting topics, detecting language, summary download and text-to-speech.

Language: CSS - Size: 28.7 MB - Last synced at: 23 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 1

JuJu2181/Automatic-Nepali-Speech-Recognition-and-Summarizer

A system capable of converting Nepali speech to text and generate summary of text

Language: Jupyter Notebook - Size: 288 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 2

azinit/rezak-summarizator

Rezak - сокращатель текста

Language: TypeScript - Size: 1.61 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 1

tafseer-nayeem/BengaliSummarization

Code and Dataset of our work, Unsupervised Abstractive Summarization of Bengali Text Documents accepted at EACL 2021.

Language: Python - Size: 2.63 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 6

AndreyKolomiets/News_Headline_Generation

Генерация новостных заголовков

Language: Python - Size: 161 KB - Last synced at: 18 days ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1

TheOnesThatWereAbroad/PodcastSummarization

Text Summarization on Spotify Podcast Transcripts for NLP class at @UNIBO

Language: Jupyter Notebook - Size: 109 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 2

elkd/summrz

Automatic text summarization with a pre-trained encoder and a transformer decoder (BERT). Provides a web interface for the models using Django

Language: Python - Size: 8.39 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 1

anweasha/Text-Summarizer

A web application to summarize a given input data

Language: HTML - Size: 2.76 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 2

nsi319/Legal-Summarizer

Longformer Encoder Decoder model for the legal domain, trained for long document abstractive summarization task.

Size: 526 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

ecly/pointer_summarization

Code for Master's Thesis on 'Neural Automatic Summarization' written at the IT University of Copenhagen

Language: Python - Size: 1.01 MB - Last synced at: 1 day ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 3

maks5507/elsa

ELSA combines extractive and abstractive approaches to the automatic text summarization

Language: Python - Size: 29.1 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

priyansh4320/Abstractive-Text-Summarization-Enhancing-Sequence-to-Sequence-Models-Using-Word-Sense-Disambiguatio

This repository contains code and resources for abstractive text summarization (TS) using a novel framework that leverages knowledge-based word sense disambiguation (WSD) and semantic content generalization to enhance the performance of sequence-to-sequence (seq2seq) neural-based TS.

Language: Jupyter Notebook - Size: 551 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

A-V-Jagannathan/Text-Summarizers

TF-IDF based Extractive & BERT based Abstractive text summarizer with an Interactive GUI for ease of use.

Language: Jupyter Notebook - Size: 11.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

YiSyuanChen/SPEC

Original PyTorch implementation for TASLP 2022 Paper "SPEC: Summary Preference Decomposition for Low-Resource Abstractive Summarization."

Language: Python - Size: 354 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

the-black-knight-01/NLP-Models-Tensorflow Fork of huseinzol05/NLP-Models-Tensorflow

Gathers machine learning and Tensorflow deep learning models for NLP problems

Language: Jupyter Notebook - Size: 44.7 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 3

newben420/gdelt_utility

A web-based utility for fetching, categorizing, summarizing and managing global news and articles using the GDELT 2.0 API. Designed for content creators, news aggregators, and researchers, this tool simplifies access to up-to-date articles with an intuitive UI and customizable configurations.

Language: JavaScript - Size: 1.77 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

NLP2CT/TempoSum

Can LMs Generalize to Future Data? An Empirical Analysis on Text Summarization

Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

AndyCheang/TempoSum

TempoSum: Evaluating the Temporal Generalization of Abstractive Summarization

Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

IKMLab/UASSU

AACL'2022: Unsupervised Single Document Abstractive Summarization using Semantic Units

Language: Python - Size: 39.1 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

disi-unibo-nlp/easumm

[DATA22 and Springer LNCS] Graph-Enhanced Biomedical Abstractive Summarization via Factual Evidence Extraction

Language: Python - Size: 12.3 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Khamies/T5-Fine-tune-Wikihow-XSum

This is a Pytorch implementation of a summarization model that is fine-tuned on the top of Google-T5 pre-trained model.

Language: Python - Size: 2.51 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

LaurentVeyssier/TRAX_transformer_abstractive_summarization_model

Use Trax and Transformer architecture for generative summarizer deep learning model

Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

tafseer-nayeem/NeuFuse

[Computer Speech & Language, Elsevier] - Neural Sentence Fusion for Diversity Driven Abstractive Multi-Document Summarization.

Language: Python - Size: 14.6 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

dsandeep0138/Abstractive-Summarization

Modified existing text summarization model with pre-trained BERTSUM encoder model and decoder architecture by introducing recurrence in model to improve better copying of source document.

Language: Jupyter Notebook - Size: 12.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

sreeraj-sudhakaran/Information-Summarizer-Powered-by-Wikipedia

A powerful tool to generate concise summaries from Wikipedia articles using both extractive and abstractive summarization techniques. The project integrates NLP models like BART and PEGASUS to provide quick, readable content for users seeking fast insights.

Language: Jupyter Notebook - Size: 1.69 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 0

aryansh3lke/trendscope

An AI tool to gain insight into X (Twitter) trends through web-scraping, natural language processing, and abstractive summarization.

Language: TypeScript - Size: 7.53 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

saitej-a/Infosys_text_summarizer

text-summarizer converts long data into piece of cake

Language: Jupyter Notebook - Size: 16 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

aswinap13/MeetShort

Automatic Meeting Summarizer - Provide Speaker wise abstractive and extractive summary of meetings, given the audio input of meeting recording.

Language: JavaScript - Size: 9.22 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

disi-unibo-nlp/emma

An Efficient Memory-Enhanced Language Model for Long Document Summarization

Size: 304 KB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

sotheara-leang/txt-summarization

Deep Reinforced Model for Abstractive Summarization

Language: Python - Size: 15.5 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

jaotheboss/Abstractive-Summarisation

Using a deep learning model that takes advantage of LSTM and a custom Attention layer, we create an algorithm that is able to train on reviews and existent summaries to churn out and generate brand new summaries of its own.

Language: Python - Size: 142 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

TitasDas/Contribution-statement-finder

For any given research paper , find the contributing statements present in it.

Size: 1000 Bytes - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

parsa-abbasi/PreSumm Fork of nlpyang/PreSumm

It is the edited version of the PreSumm model. You can easily follow the instructions to train an Abstractive Text Summarizer model (which was challenging in the original codes).

Language: Python - Size: 12.7 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1

tbrodbeck/summarization-toolbox

Scalable Machine Learning Process for Abstractive Text Summarization in German and English with Google-T5

Language: Python - Size: 46.5 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Srinivas-Natarajan/Abstractive-Summarizer

An abstractive summarization tool that can condense documents and web pages using Bidirectional Auto-Regressive Encoders for Transformer or BART for short. It is a desktop application with a UI constructed with python.

Language: Jupyter Notebook - Size: 1020 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

DanilDmitriev1999/extractive_summarization

Проект по курсу Физтеха "Методы оптимизации". Суть проекта заключается в исследовании методов extractive summarization.

Language: Jupyter Notebook - Size: 528 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

k4black/fact-aware-abstractive-summarization 📦

Bachelor diploma thesis

Language: Jupyter Notebook - Size: 524 KB - Last synced at: 17 days ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

bmistry12/text-summarisation

Final Year Project: Finding the Optimal Summary By Combining Extractive and Abstractive Summarisation Methods.

Language: Jupyter Notebook - Size: 22.8 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

kailashkarthik9/query-focus-summarization-fast-abs-rl

Modified Code for ACL 2018 paper by Chen and Bansal for Query Focused Summarization

Language: Python - Size: 16.7 MB - Last synced at: 6 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

AdityaMayukhSom/hallucination-detection-pipeline

Generate highlights from abstracts, check whether they contain hallucinations and if so, classify the hallucination as factual or not.

Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 1

NikhilChaudhary1/Text-Summarizer

A Python-based application for summarizing text using Extractive (TF-IDF) and Abstractive (T5 Transformer) techniques. Features an intuitive Streamlit UI for seamless interaction. Simply paste your text, choose a summarization type, and get concise summaries instantly!

Language: Python - Size: 3.91 KB - Last synced at: 26 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

EceSenaEtoglu/NLP-Eberhard-Karls-Tuebingen-Uni

Some of the assignments I did from the NLP course in Eberhard Karls University of Tübingen

Language: Jupyter Notebook - Size: 1.9 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

YooEunseok/HiSumRanker

Abstractive summarization model that peforms hierarchical supervision method that jointly performs summary and sentence-level supervision.

Language: Python - Size: 46.9 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

gmurro/podcast-summarization Fork of TheOnesThatWereAbroad/PodcastSummarization

Text Summarization on Spotify Podcast Transcripts for NLP class at @unibo

Size: 108 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

d0r1h/SAR

Hindi News Text Summarization

Language: Jupyter Notebook - Size: 2.77 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

ai4ki/summarization

Tools for document summarization

Language: Jupyter Notebook - Size: 81.1 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

nehalmuthu/Abstractive-text-summarization-using-Attention-based-Neural-Network

Text Summarization using Abstractive text summarization

Language: Jupyter Notebook - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

AkashSDas/abstractive-text-summarization

Abstractive text summarization models having encoder decoder architecture built using just LSTMs, Bidirectional LSTMs and Hybrid architecture and trained on TPU. Also pre-trained word embedding is used to speed up the process.

Language: Jupyter Notebook - Size: 2.38 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

eliyetres/lt2316-ht19-project

Word-based abstractive text summarization using seq2seq-modeling with attention

Language: Jupyter Notebook - Size: 106 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Related Topics
summarization 36 nlp 25 natural-language-processing 20 text-summarization 19 extractive-summarization 18 pytorch 18 deep-learning 14 abstractive-text-summarization 14 machine-learning 13 python3 9 huggingface 8 transformers 7 bart 7 transformer 7 bert 7 natural-language-generation 6 seq2seq 6 transfer-learning 6 python 6 tensorflow 5 pointer-generator 5 summarization-dataset 5 dataset 4 abstractive-summarization-dataset 4 language-model 4 document-summarization 4 attention-mechanism 4 reinforcement-learning 4 opinion-summarization 4 reviews 4 yelp 4 text-generation 4 pegasus 4 unsupervised-learning 4 pretrained-models 3 t5-model 3 news 3 text-summarizer 3 amazon 3 flask 3 attention 3 sentiment-analysis 3 encoder-decoder 3 meta-learning 2 sentence-compression 2 datasets 2 rnn 2 nlu 2 extreme-summarization 2 natural-language-understanding 2 nlg 2 factuality 2 sequence-to-sequence 2 bart-large-cnn 2 spotify-podcast-dataset 2 trustworthy-ai 2 low-resource-languages 2 low-resource 2 temporal-generalization 2 temporal-data 2 language-modeling 2 longformer 2 generalization 2 fastapi 2 huggingface-transformers 2 streamlit 2 t5 2 rotten-tomatoes 2 opinion-mining 2 language-detection 2 opinions 2 text-summarisation 2 summarization-corpora 2 sentiment-classification 2 multilingual 1 low-resource-text-summarizarion 1 low-resource-summarization 1 seq2seq2seq 1 transformer-models 1 title-generation 1 azure 1 azureml 1 semantic-evaluation 1 benchmarking 1 carbon-footprint 1 deepspeed 1 fine-tuning 1 mlflow 1 open-source-tools 1 text-translation 1 biomedical 1 preprocessing 1 pubmed 1 hindi-corpus 1 long-document-summarization 1 memory-enhanced 1 event-extraction 1 knowledge-infusion 1 hindi 1 beginner-friendly 1