lingyu001 / nlp_text_summarization_implementationLinks
Three modules of extractive text summarization, including implementation of Kmeans clustering using BERT sentence embedding
☆12Updated 5 years ago
Alternatives and similar repositories for nlp_text_summarization_implementation
Users that are interested in nlp_text_summarization_implementation are comparing it to the libraries listed below
Sorting:
- # Topic modeling with BERT, LDA and Clustering. Latent Dirichlet Allocation(LDA) probabilistic topic assignment and pre-trained sentence …☆53Updated 4 years ago
- This shows how to fine-tune Bert language model and use PyTorch-transformers for text classififcation☆71Updated 5 years ago
- BERT fine-tuned for hierarchical multi-label text classification (HMLTC)☆14Updated 4 years ago
- OffensEval2020 Shared Task☆17Updated 4 years ago
- Code for the ACL 2020 paper 'tBERT: Topic Models and BERT Joining Forces for Semantic Similarity Detection'.☆141Updated 2 years ago
- To build multilingual models with English-only training data to find the toxicity among Mutilingual Comments☆9Updated 4 years ago
- codes for paper A Multi-task Learning Model for Chinese-oriented Aspect Polarity Classification and Aspect Term Extraction☆199Updated 3 years ago
- realization of paper 《Attention-based LSTM for Aspect-level Sentiment Classification》☆24Updated 4 years ago
- MAGNET: Multi-Label Text Classification using Attention-based Graph Neural Network☆58Updated last year
- A BERT-Transformer network for abstractive text summarization☆127Updated 2 years ago
- Multi Label text classification using bert☆155Updated 6 years ago
- Repo for Enhanced Seq2Seq Autoencoder via Contrastive Learning for Abstractive Text Summarization☆23Updated 3 years ago
- Label-Specific Document Representation for Multi-Label Text Classification☆88Updated 5 years ago
- ☆126Updated last year
- celarex / STS-CNN-STSbenchmark-Semantic-Similarity-Semantic-Textual-Similarity-CNN-HCTI-Tensorflow-KerasA simple implementation of paper "HCTI at SemEval-2017 Task 1: Use convolutional neural network to evaluate semantic textual similarity."☆31Updated 2 years ago
- 使用开源的Bert-as-Service预训练生成文档特征向量,基于k-means对COVID-19文献聚类,t-SNE可视化数据,通过LDA为每个簇生成主题关键词,画Bokeh图实现按簇、关键词搜索和筛选数据。☆19Updated 4 years ago
- Library of state-of-the-art models (PyTorch) for NLP tasks☆109Updated 11 months ago
- A text classifier fine tuned on pre-trained BERT for Sarcasm Detection in News Headlines (PyTorch Implementation)☆37Updated 5 years ago
- Code associated with the "Data Augmentation using Pre-trained Transformer Models" paper☆134Updated 2 years ago
- TensorFlow implementation of the paper "Hierarchical Attention Networks for Document Classification"☆87Updated 6 years ago
- A pytorch implementation of BERT-based relation classification☆149Updated 4 years ago
- PyTorch implementation/experiments on Abstractive Text Summarization using Sequence-to-sequence RNNs and Beyond paper.☆151Updated 3 years ago
- A text classification example with Bert/ELMo/GloVe in pytorch☆91Updated 4 years ago
- Enhancing the BERT training with Semi-supervised Generative Adversarial Networks in Pytorch/HuggingFace☆96Updated 3 years ago
- code for our NAACL 2019 paper: "BERT Post-Training for Review Reading Comprehension and Aspect-based Sentiment Analysis"☆40Updated 4 years ago
- CNN-based model to realize aspect extraction of restaurant reviews based on pre-trained word embeddings and part-of-speech tagging☆103Updated 5 years ago
- Keras Implementation of Aspect based Sentiment Analysis☆152Updated 5 years ago
- ☆10Updated 3 years ago
- Enriching BERT with Knowledge Graph Embedding for Document Classification (PyTorch)☆159Updated 5 years ago
- Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF☆158Updated 4 years ago