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

GitHub topics: roberta

mtiessler/RoVertAD

Diachronic VAD inference using sense modeling and VAD lexicons. Includes emotional trajectory visualization and fine-tuning of RoBERTa for historical Valence-Arousal-Dominance prediction.

Language: Python - Size: 17.8 MB - Last synced at: about 10 hours ago - Pushed at: about 11 hours ago - Stars: 1 - Forks: 0

microsoft/AdaMix

This is the implementation of the paper AdaMix: Mixture-of-Adaptations for Parameter-efficient Model Tuning (https://arxiv.org/abs/2205.12410).

Language: Python - Size: 16.7 MB - Last synced at: about 9 hours ago - Pushed at: over 1 year ago - Stars: 130 - Forks: 11

tanujgupta18/Sentiment-Analysis-of-Amazon-Reviews

Sentiment analysis of Amazon customer reviews using VADER and RoBERTa Transformers. Compares the results of both approaches to understand their differences and insights.

Language: Jupyter Notebook - Size: 1.87 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

Im2rnado/twitter-sentiment-analysis

Sentiment analysis on tweets using Logistic Regression, Decision Trees, KNN, Random Forest, XG Boost, SVM, and NLP (RoBERTa)

Language: Jupyter Notebook - Size: 450 KB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 2 - Forks: 0

lonePatient/awesome-pretrained-chinese-nlp-models

Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合

Language: Python - Size: 1.72 MB - Last synced at: 1 day ago - Pushed at: 6 days ago - Stars: 5,217 - Forks: 494

dbiir/UER-py

Open Source Pre-training Model Framework in PyTorch & Pre-trained Model Zoo

Language: Python - Size: 50.5 MB - Last synced at: about 9 hours ago - Pushed at: 12 months ago - Stars: 3,060 - Forks: 523

NakerTheFirst/Sentiment-analysis

Analyse social media sentiment of OpenAI using LinkedIn data with NLP and transfer learning

Language: Python - Size: 24.4 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0

ymcui/Chinese-BERT-wwm

Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)

Language: Python - Size: 15.5 MB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 9,924 - Forks: 1,393

jasonhops/IE7500

This repository is for work on NEU IE7500 Project

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

microsoft/LoRA

Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"

Language: Python - Size: 33.3 MB - Last synced at: 5 days ago - Pushed at: 4 months ago - Stars: 11,744 - Forks: 742

enessah00/adaptive-classifier

A flexible, adaptive classification system for dynamic text classification

Size: 1.95 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

ROIM1998/APT

[ICML'24 Oral] APT: Adaptive Pruning and Tuning Pretrained Language Models for Efficient Training and Inference

Language: Python - Size: 4.08 MB - Last synced at: 1 day ago - Pushed at: 11 months ago - Stars: 38 - Forks: 1

iflytek/MiniRBT

MiniRBT (中文小型预训练模型系列)

Language: Python - Size: 17.4 MB - Last synced at: 3 days ago - Pushed at: about 2 years ago - Stars: 274 - Forks: 17

explosion/curated-transformers

🤖 A PyTorch library of curated Transformer models and their composable components

Language: Python - Size: 1.47 MB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 882 - Forks: 34

OpenRoberta/openroberta-lab

The programming environment »Open Roberta Lab« by Fraunhofer IAIS enables children and adolescents to program robots. A variety of different programming blocks are provided to program motors and sensors of the robot. Open Roberta Lab uses an approach of graphical programming so that beginners can seamlessly start coding. As a cloud-based application, the platform can be used without prior installation of specific software but runs in any popular browser, independent of operating system and device.

Language: JavaScript - Size: 460 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 130 - Forks: 122

920232796/bert_seq2seq

pytorch实现 Bert 做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持t5模型,支持GPT2进行文章续写。

Language: Python - Size: 3.45 MB - Last synced at: 6 days ago - Pushed at: almost 3 years ago - Stars: 1,297 - Forks: 210

CLUEbenchmark/CLUE

中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard

Language: Python - Size: 2.41 MB - Last synced at: 8 days ago - Pushed at: 11 months ago - Stars: 4,110 - Forks: 547

microsoft/DeBERTa

The implementation of DeBERTa

Language: Python - Size: 237 KB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 2,072 - Forks: 234

BrightBlueCheese/transformers_and_chemistry

The Role of Model Architecture and Scale in Predicting Molecular Properties: Insights from Fine-Tuning RoBERTa, BART, and LLaMA

Language: Jupyter Notebook - Size: 414 MB - Last synced at: 1 day ago - Pushed at: 10 months ago - Stars: 3 - Forks: 1

brightmart/roberta_zh

RoBERTa中文预训练模型: RoBERTa for Chinese

Language: Python - Size: 308 KB - Last synced at: 9 days ago - Pushed at: 9 months ago - Stars: 2,693 - Forks: 413

brightmart/xlnet_zh

中文预训练XLNet模型: Pre-Trained Chinese XLNet_Large

Language: Python - Size: 683 KB - Last synced at: 3 days ago - Pushed at: over 5 years ago - Stars: 230 - Forks: 35

Betswish/Cross-Lingual-Consistency

Easy-to-use framework for evaluating cross-lingual consistency of factual knowledge (Supported LLaMA, BLOOM, mT5, RoBERTa, etc.) Paper here: https://aclanthology.org/2023.emnlp-main.658/

Language: Python - Size: 15.4 MB - Last synced at: 1 day ago - Pushed at: about 1 month ago - Stars: 23 - Forks: 1

louisbrulenaudet/lemone-embed

All-in-one repo for the Lemone-embed project, a series of fine-tuned embedding models for Tax retrieval augmented generation (RAG).

Language: Python - Size: 3.6 MB - Last synced at: 6 days ago - Pushed at: 2 months ago - Stars: 4 - Forks: 0

CLUEbenchmark/CLUEPretrainedModels

高质量中文预训练模型集合:最先进大模型、最快小模型、相似度专门模型

Language: Python - Size: 789 KB - Last synced at: 7 days ago - Pushed at: almost 5 years ago - Stars: 815 - Forks: 95

deepset-ai/FARM 📦

:house_with_garden: Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering.

Language: Python - Size: 6.97 MB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 1,750 - Forks: 249

Ryurex-Code/Sentiment-Analyzer-Translated

Multilingual Sentiment Analyzer by first translating any language to English before running the sentiment prediction.

Language: Python - Size: 0 Bytes - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 1 - Forks: 0

fhamborg/news-please

news-please - an integrated web crawler and information extractor for news that just works

Language: Python - Size: 2.99 MB - Last synced at: 12 days ago - Pushed at: 26 days ago - Stars: 2,197 - Forks: 431

Dhanush-R-git/MH-Analysis

The MHRoberta is Mental Health Roberta model. The pretrained Roberta transformer based model fine-tunned on Mental Health dataset by adopting PEFT method.

Language: Jupyter Notebook - Size: 3.42 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

tae898/erc

The official implementation of "EmoBERTa: Speaker-Aware Emotion Recognition in Conversation with RoBERTa"

Language: Jupyter Notebook - Size: 124 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 93 - Forks: 23

llewellynvz/RoBERTa-Based-Multi-Label-Wellbeing-Classifier-Psynalytics

This repository contains the training and prediction pipeline for a **multi-label RoBERTa-based text classifier** tailored for wellbeing-related qualitative responses

Language: Python - Size: 0 Bytes - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

D-Chandrahas/Toxicity-Classifier

RoBERTa based hatespeech & toxicity classifier

Language: Python - Size: 4.4 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

Tencent/TurboTransformers

a fast and user-friendly runtime for transformer inference (Bert, Albert, GPT2, Decoders, etc) on CPU and GPU.

Language: C++ - Size: 4.04 MB - Last synced at: 12 days ago - Pushed at: 13 days ago - Stars: 1,518 - Forks: 201

Tencent/TencentPretrain

Tencent Pre-training framework in PyTorch & Pre-trained Model Zoo

Language: Python - Size: 41.2 MB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 1,072 - Forks: 148

CLUEbenchmark/CLUENER2020

CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition

Language: Python - Size: 867 KB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 1,485 - Forks: 302

amansrivastava17/embedding-as-service

One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques

Language: Python - Size: 1.93 MB - Last synced at: 3 days ago - Pushed at: almost 2 years ago - Stars: 205 - Forks: 30

codelion/adaptive-classifier

A flexible, adaptive classification system for dynamic text classification

Language: Python - Size: 3.26 MB - Last synced at: 13 days ago - Pushed at: about 1 month ago - Stars: 146 - Forks: 11

brightmart/albert_zh

A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型

Language: Python - Size: 2 MB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 3,966 - Forks: 752

darkxdd/major

MediSense: A Smart Disease Prediction and Drug Recommendation System

Language: JavaScript - Size: 373 KB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

VinAIResearch/PhoBERT

PhoBERT: Pre-trained language models for Vietnamese (EMNLP-2020 Findings)

Size: 66.4 KB - Last synced at: 17 days ago - Pushed at: 9 months ago - Stars: 705 - Forks: 102

EveripediaNetwork/fastc

Unattended Lightweight Text Classifiers with LLM Embeddings

Language: Python - Size: 117 KB - Last synced at: 5 days ago - Pushed at: 8 months ago - Stars: 185 - Forks: 10

zeyadusf/LLMs-from-Scratch

Build a Large Language Model (From Scratch) book and Finetuned Models

Language: Jupyter Notebook - Size: 8.22 MB - Last synced at: 21 days ago - Pushed at: 7 months ago - Stars: 29 - Forks: 17

sudharsan13296/Getting-Started-with-Google-BERT

Build and train state-of-the-art natural language processing models using BERT

Language: Jupyter Notebook - Size: 17 MB - Last synced at: 18 days ago - Pushed at: almost 4 years ago - Stars: 221 - Forks: 83

EricFillion/happy-transformer

Happy Transformer makes it easy to fine-tune and perform inference with NLP Transformer models.

Language: Python - Size: 18.8 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 529 - Forks: 68

hyeonsangjeon/AWS-LLM-SageMaker

SageMaker Ployglot based RAG opensearch

Language: Jupyter Notebook - Size: 2.81 MB - Last synced at: 22 days ago - Pushed at: 29 days ago - Stars: 16 - Forks: 2

alsaniie/RoBERTa-GCN-A-Novel-Approach-for-Combating-Fake-News-in-Bangla-Using-Advanced-NLP-and-Graph-CNN

In this era of widespread information, combating fake news in less commonly represented languages like Bengali is a significant challenge. Fake news is a critical issue in Bangla, adequate natural language processing tools. To address this, our research introduces RoBERTa-GCN, a cutting-edge model combining RoBERTa with a graph neural network (GCN)

Language: Jupyter Notebook - Size: 7.39 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

haoliuhl/language-quantized-autoencoders

Language Quantized AutoEncoders

Language: Python - Size: 37.1 KB - Last synced at: 19 days ago - Pushed at: about 2 years ago - Stars: 103 - Forks: 5

clue-ai/PromptCLUE

PromptCLUE, 全中文任务支持零样本学习模型

Language: Jupyter Notebook - Size: 15.9 MB - Last synced at: 16 days ago - Pushed at: almost 2 years ago - Stars: 662 - Forks: 67

declare-lab/RECCON

This repository contains the dataset and the PyTorch implementations of the models from the paper Recognizing Emotion Cause in Conversations.

Language: Python - Size: 15.9 MB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 179 - Forks: 30

mayankmittal29/DupliFinder-Quora-Clone-Catcher

An advanced system for detecting semantically duplicate question pairs using cutting-edge NLP techniques. Combines traditional ML models (XGBoost, SVM, Random Forest) with deep learning architectures (BiLSTM, Siamese Networks, Transformers) and contextual embeddings (BERT, RoBERTa). Features engineered using token similarity, fuzzy matching, and em

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

VinAIResearch/BERTweet

BERTweet: A pre-trained language model for English Tweets (EMNLP-2020)

Language: Python - Size: 140 KB - Last synced at: 17 days ago - Pushed at: 9 months ago - Stars: 589 - Forks: 52

labteral/ernie

Simple State-of-the-Art BERT-Based Sentence Classification with Keras / TensorFlow 2. Built with HuggingFace's Transformers.

Language: Python - Size: 326 KB - Last synced at: 15 days ago - Pushed at: 11 months ago - Stars: 200 - Forks: 31

sambhu431/Multifunctional-ChatBot-Fine-Tuned-Using-Roberta-Bart-Transformers

The project contains code and resources for a sophisticated AI-driven chatbot designed to provide accurate, context-aware responses. It uses RoBerta and BART Transformers and advance NLP techniques. The chatbot is capable of handling a wide range of domains such as healthcare , finance , etc..

Language: Jupyter Notebook - Size: 32.3 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Kuberwastaken/ORCUS

A Dual Model AI Based Comment-Analyzer and Flag-Generator for Social Media

Language: Python - Size: 3.09 MB - Last synced at: 8 days ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

jaketae/koclip

KoCLIP: Korean port of OpenAI CLIP, in Flax

Language: Python - Size: 27.9 MB - Last synced at: 20 days ago - Pushed at: over 1 year ago - Stars: 150 - Forks: 18

s4nkar/emotract-beta-web

Development Phase! Emotract is a cutting-edge chat application that combines seamless communication with advanced features like real-time text sentiment analysis and age verification. Powered by machine learning and state-of-the-art transformer-based models.

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

dpressel/mint

MinT: Minimal Transformer Library and Tutorials

Language: Python - Size: 123 KB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 253 - Forks: 14

ansost/art-nat-HHU-semeval2024

Code for team art.-nat.'s submission to SemEval 2024 task 8 on multi-domain, multi-generator human vs. machine generated text classification.

Language: Python - Size: 36.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 1

nguyenvulebinh/vietnamese-roberta

A Robustly Optimized BERT Pretraining Approach for Vietnamese

Language: Python - Size: 11.7 KB - Last synced at: 17 days ago - Pushed at: 9 months ago - Stars: 32 - Forks: 6

SerenaYKim/Solar-Sentiment-BERT

Sentiment Analysis of Solar Energy Using Bidirectional Encoder Representations from Transformers

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

rinnakk/japanese-pretrained-models

Code for producing Japanese pretrained models provided by rinna Co., Ltd.

Language: Python - Size: 827 KB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 582 - Forks: 41

CLUEbenchmark/CLUECorpus2020

Large-scale Pre-training Corpus for Chinese 100G 中文预训练语料

Size: 308 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 938 - Forks: 81

ruxailab/sentiment-analysis-api

Sentiment Analysis for Audio and video Files Flask App with time stamped sentiment.

Language: Python - Size: 56.8 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 5 - Forks: 8

ztjhz/miniLM

Small Model Is All You Need - NTU SC4001 Neural Network & Deep Learning Project

Language: Python - Size: 15.7 MB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 0

jiangnanboy/model2onnx

model2onnx,将roberta和macbert模型转为onnx格式,并进行推理。

Language: Python - Size: 244 KB - Last synced at: 29 days ago - Pushed at: almost 3 years ago - Stars: 18 - Forks: 11

mkschulz9/multi-label-text-classification

Multi-label text classification in Reddit comments using statistical and learned features.

Language: Jupyter Notebook - Size: 291 KB - Last synced at: 15 days ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

SandaruRF/AI-Voting-Assistant-Predictor-Comparator-Chatbot

Language: Jupyter Notebook - Size: 100 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1

Gokay1904/Financial-Forecasting-with-AI-Transformer-Models

Analyzing sentiment scores from Twitter texts using transformer models (RoBERTa, BERT) and VADER, then comparing them with actual stock values by treating the problem as both numerical and categorical.

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

Evfidiw/LMs_NLU

Exploring different language models on text classification tasks.

Language: Python - Size: 21.1 MB - Last synced at: 1 day ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

firojalam/crisis_datasets_benchmarks

Crisis Dataset for Benchmarks Experiments

Language: Python - Size: 1.41 MB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 5

yuhexiong/sentiment-analysis-binary-classification-roberta-nlp-python

Sentiment analysis by finetune Hugging Face RoBERTa model using Python.

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

tianw52/sentiment_analysis

sentiment analysis on Amazon review using Vader, Bert, and Roberta

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

himanii777/LoRA-Intruder-Dimensions

LoRA's singular vector analysis and intruder dimensions

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

920232796/bert_seq2seq_DDP

bert_seq2seq的DDP版本,支持bert、roberta、nezha、t5、gpt2等模型,支持seq2seq、ner、关系抽取等任务,无需添加额外代码,轻松启动DDP多卡训练。

Language: Python - Size: 312 KB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 5

hritik5102/Fake-news-classification-model

✨ Fake news classification using source adaptive framework - BE Project 🎓The repository contains Detailed Documentation of the project, Classification pipeline, Architecture, System Interface Design, Tech stack used.

Language: Jupyter Notebook - Size: 125 MB - Last synced at: 20 days ago - Pushed at: about 2 years ago - Stars: 40 - Forks: 8

lonePatient/CLUE_pytorch

CLUE baseline pytorch CLUE的pytorch版本基线

Language: Python - Size: 340 KB - Last synced at: 10 days ago - Pushed at: about 5 years ago - Stars: 74 - Forks: 17

asyml/texar-pytorch

Integrating the Best of TF into PyTorch, for Machine Learning, Natural Language Processing, and Text Generation. This is part of the CASL project: http://casl-project.ai/

Language: Python - Size: 3.08 MB - Last synced at: 12 days ago - Pushed at: about 3 years ago - Stars: 745 - Forks: 115

brightmart/multi-label_classification

transform multi-label classification as sentence pair task, with more training data and information

Language: Python - Size: 61.5 KB - Last synced at: 6 days ago - Pushed at: over 5 years ago - Stars: 178 - Forks: 29

IS2AI/KazNERD

An open-source Kazakh named entity recognition dataset (KazNERD), annotation guidelines, and baseline NER models.

Language: Python - Size: 22.1 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 26 - Forks: 4

huseyincenik/nlp_natural_language_processing

NLP (Natural Language Processing)

Language: Jupyter Notebook - Size: 17.9 MB - Last synced at: 18 days ago - Pushed at: 7 months ago - Stars: 6 - Forks: 1

dddmmm789/Social-Media-AI-Sentiment-Analysis-MVP

AI Sentiment Analysis Tool for Social Media Posts.

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

jiangnanboy/onnx-java

onnx-java,这里利用java加载onnx模型,并进行推理。

Language: Java - Size: 64.5 KB - Last synced at: 29 days ago - Pushed at: almost 3 years ago - Stars: 18 - Forks: 5

TripCake/reddit-sentiment-anlysis

A simple usage of pretrained huggingface model RoBERTA to analyze reddit sentiments.

Language: Python - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

autosoft-dev/code-bert

Automatically check mismatch between code and comments using AI and ML

Language: Python - Size: 270 KB - Last synced at: 6 days ago - Pushed at: almost 4 years ago - Stars: 53 - Forks: 4

mohammad95labbaf/TransformerSentimentAnalysis

Sentiment analysis on tweets using transformer models like BERT, RoBERTa, DistilBERT, ALBERT, and XLNet with evaluation metrics.

Language: Jupyter Notebook - Size: 3.14 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

walidbosso/Roberta_Fine_Tuning_Sentiment_Analysis

Welcome to our RoBERTa Sentiment Analysis project! In this repository, we explore the world of Natural Language Processing (NLP) by fine-tuning a RoBERTa Transformer for sentiment analysis.

Language: Jupyter Notebook - Size: 14.6 KB - Last synced at: 29 days ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 1

alyasltd/TER-2023-2024-Visualisations_de_tweets_controverses

INM-Explain is a tool for exploring medical controversies in cancer treatment, focusing on non-pharmacological interventions (INMs). It uses Twitter data, deep learning (RoBERTa), and t-SNE for sentiment analysis and topic modeling to visualize and identify controversial topics.

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

gyunggyung/DistilKoBiLSTM

Distilling Task-Specific Knowledge from Teacher Model into BiLSTM

Language: Python - Size: 88.3 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 32 - Forks: 4

Nikoletos-K/QA-with-SBERT-for-CORD19

⚕️🦠 Developed a document retrieval system to return titles of scientific papers containing the answer to a given user question based on the first version of the COVID-19 Open Research Dataset (CORD-19) ☣️🧬

Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 4 - Forks: 1

grammarly/gector

Official implementation of the papers "GECToR – Grammatical Error Correction: Tag, Not Rewrite" (BEA-20) and "Text Simplification by Tagging" (BEA-21)

Language: Python - Size: 669 KB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 907 - Forks: 216

nithish08/tweet-sent

Using transformer models to extract phrases from sentences.

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

Dibyakanti/AutoTNLI-code

This repository contains the official code for the paper : Realistic Data Augmentation Framework for Enhancing Tabular Reasoning.

Language: HTML - Size: 3.99 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 6 - Forks: 1

declare-lab/TEAM

Our EMNLP 2022 paper on MCQA

Language: Python - Size: 98 MB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 3

marilena-baldi/text-mining-mri

Radiology reports structuring and knee cartilage disease grade classification with BERT.

Language: Python - Size: 24.4 KB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

vlarine/ruberta

Russian RoBERTa

Language: Python - Size: 648 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 29 - Forks: 1

Ismat-Samadov/Named_Entity_Recognition

Named Entity Recognition (NER) Model for Azerbaijani Language

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

jaketae/auto-tagger

Fine-tuning and zero-shot learning with transformers to automatically tag my study blog posts

Language: Python - Size: 2.29 MB - Last synced at: 16 days ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 1

guillaume-be/rust-bert

Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)

Language: Rust - Size: 4.06 MB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 2,631 - Forks: 215

jessevig/bertviz

BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)

Language: Python - Size: 194 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 6,894 - Forks: 777

abhy-kumar/NLPulse

This program aims to give a sentiment score to each headline featured in today's top stories. Eventually it aims to gather insights about the top headlines being reported.

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

chungimungi/DR-CoT

Dynamic Recursive Chain of Thought with Meta Reasoning for Question Answering

Language: Python - Size: 83 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0