FernandoLpz / Text-Classification-LSTMs-PyTorchLinks
The aim of this repository is to show a baseline model for text classification by implementing a LSTM-based model coded in PyTorch. In order to provide a better understanding of the model, it will be used a Tweets dataset provided by Kaggle.
☆64Updated 2 years ago
Alternatives and similar repositories for Text-Classification-LSTMs-PyTorch
Users that are interested in Text-Classification-LSTMs-PyTorch are comparing it to the libraries listed below
Sorting:
- The aim of this repository is to show a baseline model for text classification through convolutional neural networks in the PyTorch frame…☆48Updated 3 years ago
- Abstractive Text Summarization using Transformer☆167Updated 2 years ago
- A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.☆180Updated 4 years ago
- A simple recipe for training and inferencing Transformer architecture for Multi-Task Learning on custom datasets. You can find two approa…☆99Updated 3 years ago
- pyTorch implementation of Recurrence over BERT (RoBERT) based on this paper https://arxiv.org/abs/1910.10781 and comparison with pyTorch …☆82Updated 3 years ago
- Enhancing the BERT training with Semi-supervised Generative Adversarial Networks in Pytorch/HuggingFace☆97Updated 4 years ago
- This shows how to fine-tune Bert language model and use PyTorch-transformers for text classififcation☆71Updated 5 years ago
- Sentiment analysis in Pytorch on an IMDb dataset.☆68Updated 2 years ago
- A repository containing comprehensive Neural Networks based PyTorch implementations for the semantic text similarity task, including arch…☆53Updated 3 years ago
- Code for BERT classifier finetuning for multiclass text classification☆71Updated 7 months ago
- ☆69Updated 2 years ago
- Some notebooks for NLP☆207Updated 2 years ago
- Japanese Sentence Summarization with BERT☆49Updated 2 years ago
- Important paper implementations for Question Answering using PyTorch☆270Updated 5 years ago
- ☆151Updated 2 years ago
- Benchmarking various Deep Learning models such as BERT, ALBERT, BiLSTMs on the task of sentence entailment using two datasets - MultiNLI …☆28Updated 5 years ago
- Enhancing the BERT training with Semi-supervised Generative Adversarial Networks☆229Updated 2 years ago
- Models to perform neural summarization (extractive and abstractive) using machine learning transformers and a tool to convert abstractive…☆439Updated 7 months ago
- A BERT-Based Transfer Learning Approach for Hate Speech Detection in Online Social Media☆43Updated 3 years ago
- A simple approach to use GPT2-medium (345M) for generating high quality text summaries with minimal training.☆157Updated 3 years ago
- A repo to explore different NLP tasks which can be solved using T5☆173Updated 4 years ago
- Detect toxic spans in toxic texts☆71Updated 2 years ago
- Tutorial for first time BERT users,☆103Updated 3 years ago
- Official implementation of the paper "Deep Learning for Hate Speech Detection -A Comparative Study"☆38Updated 4 years ago
- Tensorflow, Pytorch, Huggingface Transformer, Fastai, etc. tutorial Colab Notebooks.☆77Updated 3 years ago
- Lecture summarization with BERT☆153Updated 3 years ago
- Comparatively fine-tuning pretrained BERT models on downstream, text classification tasks with different architectural configurations in …☆126Updated 5 years ago
- Library of state-of-the-art models (PyTorch) for NLP tasks☆110Updated last year
- A Generative Language Model for Few-shot Aspect-Based Sentiment Analysis☆30Updated 8 months ago
- BERT Fine-tuning for Aspect Based Sentiment Analysis☆29Updated 3 years ago