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

GitHub topics: document-summarization

Automattic/Slack-Summary Fork of yask123/Summarize-it

A python application for summarizing Slack threads

Language: Python - Size: 1010 KB - Last synced at: about 13 hours ago - Pushed at: about 5 years ago - Stars: 50 - Forks: 11

AstraBert/pdf2notes

Turn PDF into Notes in seconds📝

Language: Python - Size: 123 KB - Last synced at: 4 days ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 1

d-f/llm-summarization

LoRA supervised fine-tuning, RLHF (PPO) and RAG with llama-3-8B on the TLDR summarization dataset

Language: Python - Size: 96.7 KB - Last synced at: 5 days ago - Pushed at: 3 months ago - Stars: 10 - Forks: 0

Md-Emon-Hasan/Generative-AI-With-Langchain-and-Huggingface

An industry-focused guide for building, deploying, and optimizing generative AI applications, incorporating advanced techniques such as RAG, model fine-tuning, and scalable cloud/on-premise deployment strategies.

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

agentnovax/agentnovax-api-rag-springboot-ollama-pgvector

agentnovax-api-rag-springboot-ollama-pgvector is a Spring Boot-based API that combines Retrieval-Augmented Generation (RAG) with the Ollama language model API and pgvector for vector search in PostgreSQL. It enables scalable, intelligent AI solutions for applications like recommendation systems, chatbots, and context-aware responses.

Language: Java - Size: 57.6 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

mangoresoham/Text-Summarization-and-Keyword-Extraction

A text summarization project which uses groq for faster inference and also extracts important keywords from the text

Language: Python - Size: 4.88 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

ShahMitul-GenAI/ReviewEngine

Extract Amazon customer reviews of select products via a third-party educational web scrapper, analyze them with LLM, and display concise summaries using an interactive user interface.

Language: Jupyter Notebook - Size: 1020 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

AbdulMoizAli/Extractive-Text-Summarization

Automatic Extractive Text Summarization using TF-IDF Frequency Analysis. This is a Node.js web application using Express.js on the server side.

Language: JavaScript - Size: 240 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 4

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: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

alexvlis/extractive-document-summarization

Extractive Document Summarization Based on Convolutional Neural Networks

Language: Assembly - Size: 120 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 54 - Forks: 12

aquilu/muisca

Muisca: Modelo Unificado de Inteligencia Supervisada para la Computación y Aplicación. Una herramienta Streamlit para resumir y hacer preguntas sobre documentos en PDF y TXT utilizando modelos de lenguaje de última generación.

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

TanayGahlot/TextCover

If text is a graph, then summary is vertex cover of that graph.

Language: Python - Size: 1.33 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

dimits-ts/Large-Text-NLP-Survey

A survey paper exploring the use of state-of-the-art deep neural network architectures in NLP problems featuring very large documents.

Language: TeX - Size: 1.21 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Andrew03/transformer-abstractive-summarization

Code for the paper "Efficient Adaption of Pretrained Transformers for Abstractive Summarization"

Language: Python - Size: 41 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 70 - Forks: 14

tagucci/pythonrouge

Python wrapper for evaluating summarization quality by ROUGE package

Language: Perl - Size: 350 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 166 - Forks: 33

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

liamca/simple_query_based_document_summarization

Simple Query Based Document Summarization

Language: Jupyter Notebook - Size: 64.5 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

Sarthakjain1206/Intelligent_Document_Finder

Document Search Engine Tool

Language: Python - Size: 56.3 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 57 - Forks: 13

hyunbool/Text-Summarization

문서 요약 논문 정리

Size: 4.57 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 2

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

Implementation for multi-document query-based abstractive summarisation

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

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

DrompiX/ir_hw2

Document summarisation and query expansion

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

Stefi99R/TF-IDF

A software component that uses TF-IDF statistical analysis of the words in files to extract the 10 most important terms in a document and provide a short, 5 sentence summary.

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

rosette-api-community/document-summarization

Summarize documents based on content extracted via Rosette API

Language: Python - Size: 18.6 KB - Last synced at: 14 days ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 2

StockGram/Abstractive-Document-Summarizer

This repo contains the code for summarizing financial reports with increased factual correctness for quantitative researchers.

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

cin-hector/VNMDocSummarize

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

Related Keywords
document-summarization 26 nlp 6 summarization 6 text-summarization 6 deep-learning 5 abstractive-summarization 4 natural-language-generation 3 python 3 natural-language-processing 3 llm 3 text-generation 3 langchain 3 rouge 2 pytorch 2 streamlit 2 rag 2 sentiment-analysis 2 machine-learning 2 ai 2 groq 2 llama3 2 sentence-transformer 1 sentence-transformers 1 bi-lstm-model 1 bm25 1 named-entities 1 morphology 1 document-similarity 1 indexer 1 latent-dirichlet-allocation 1 ranking-algorithm 1 reverse-index 1 scrapy 1 morphological-analysis 1 summaries 1 query-based-summarization 1 yelp 1 unsupervised-learning 1 rotten-tomatoes 1 reviews 1 opinions 1 opinion-summarization 1 opinion-mining 1 encoder-decoder-attention 1 abstractive-text-summarization 1 evaluation-metrics 1 pytorch-nlp 1 survey-paper 1 lstm-neural-network 1 sentence-summarization 1 information-retrieval 1 innopolis-university 1 gigaword 1 entity-representation 1 query-expansion 1 entity-commonsense-representation 1 nltk 1 entities 1 commonsense 1 cnn 1 statistical-analysis 1 tf-idf 1 texttiling 1 retrieval 1 query-bias 1 lsa 1 lda 1 indexing 1 extractive-summarization 1 papers 1 wikipedia-search 1 wikipedia-crawler 1 entity-extraction 1 webcrawler 1 spellchecker 1 search-engine 1 search-algorithm 1 scrapy-spider 1 literature 1 spring-boot 1 pgvector 1 ollama 1 chatbot 1 aiml 1 transformers-library 1 transformers 1 transformer-models 1 quantization 1 pruning-models 1 nlp-machine-learning 1 model-fine-tuning 1 hugging-face 1 generative-ai 1 docker 1 chatbot-development 1 ai-powered-applications 1 ai-ethics 1 ai-content-creation 1 tldr 1 supervised-learning 1