bert-embeddings
There are 350 repositories under bert-embeddings topic.
michaelfeil/infinity
Infinity is a high-throughput, low-latency serving engine for text-embeddings, reranking models, clip, clap and colpali
VinAIResearch/PhoBERT
PhoBERT: Pre-trained language models for Vietnamese (EMNLP-2020 Findings)
ScalaConsultants/Aspect-Based-Sentiment-Analysis
💭 Aspect-Based-Sentiment-Analysis: Transformer & Explainable ML (TensorFlow)
boat-group/fancy-nlp
NLP for human. A fast and easy-to-use natural language processing (NLP) toolkit, satisfying your imagination about NLP.
awasthiabhijeet/PIE
Fast + Non-Autoregressive Grammatical Error Correction using BERT. Code and Pre-trained models for paper "Parallel Iterative Edit Models for Local Sequence Transduction": www.aclweb.org/anthology/D19-1435.pdf (EMNLP-IJCNLP 2019)
labteral/ernie
Simple State-of-the-Art BERT-Based Sentence Classification with Keras / TensorFlow 2. Built with HuggingFace's Transformers.
jackaduma/SecBERT
pretrained BERT model for cyber security text, learned CyberSecurity Knowledge
declare-lab/dialogue-understanding
This repository contains PyTorch implementation for the baseline models from the paper Utterance-level Dialogue Understanding: An Empirical Study
ekramasif/Basic-Machine-Learning
This is a repo of basic Machine Learning what I learn. More to go...
hellonlp/sentence-similarity
文本相似度,语义向量,文本向量,text-similarity,similarity, sentence-similarity,BERT,SimCSE,BERT-Whitening,Sentence-BERT, PromCSE, SBERT
Moradnejad/ColBERT-Using-BERT-Sentence-Embedding-for-Humor-Detection
ColBERT humor dataset for the task of humor detection, containing 200,000 jokes/news
nguyenvulebinh/vietnamese-electra
Electra pre-trained model using Vietnamese corpus
FranxYao/PoincareProbe
Implementation of ICLR 21 paper: Probing BERT in Hyperbolic Spaces
luismond/tm2tb
Bilingual term extractor
Gaurav-Pande/AES_DL
Automated Essay Scoring using BERT
AI21Labs/sense-bert
This is the code for loading the SenseBERT model, described in our paper from ACL 2020.
Hazoom/bert-han
Hierarchical-Attention-Network
abhilash1910/ClusterTransformer
Topic clustering library built on Transformer embeddings and cosine similarity metrics.Compatible with all BERT base transformers from huggingface.
georg-jung/FastBertTokenizer
Fast and memory-efficient library for WordPiece tokenization as it is used by BERT.
khalidsaifullaah/BERTify
An easy-to-use Python module that helps you to extract the BERT embeddings for a large text dataset (Bengali/English) efficiently.
nguyenvulebinh/vietnamese-roberta
A Robustly Optimized BERT Pretraining Approach for Vietnamese
theamrzaki/COVID-19-BERT-ResearchPapers-Semantic-Search
BERT semantic search engine for searching literature research papers for coronavirus covid-19 in google colab
danlou/bert-disambiguation
Code and CoarseWSD-20 datasets for "Language Models and Word Sense Disambiguation: An Overview and Analysis"
JerryWeiAI/COVID-Q
COVID-19 Question Dataset from the paper "What Are People Asking About COVID-19? A Question Classification Dataset"
shivank8/YouTubeGPT
YouTube GPT is an Android app that allows users to generate video summaries using A.I models. Also capable of answering cross-questions related to the video content!
AmoliR/nlp-for-book-recommendation
Content based recommender system for books using NLP.
mohd-faizy/06P_Sentiment-Analysis-With-Deep-Learning-Using-BERT
Finetuning BERT in PyTorch for sentiment analysis.
PrithivirajDamodaran/blitz-embed
C++ inference wrappers for running blazing fast embedding services on your favourite serverless like AWS Lambda. By Prithivi Da, PRs welcome.
raphaelsty/ckb
Contextual knowledge bases
akshaydnicator/Twitter-Sentiment-Analysis-NLP-Hackathon
Problem Statement: Given the tweets from customers about various tech firms who manufacture and sell mobiles, computers, laptops, etc, the task is to identify if the tweets have a negative sentiment towards such companies or products.
andrewtavis/wikirec
Recommendation engine framework based on Wikipedia data
charlesdong1991/HackerBERT
A showcase of combining Elasticsearch with BERT on the HackerNews public data
akash18tripathi/MAGNET-Multi-Label-Text-Classi-cation-using-Attention-based-Graph-Neural-Network
This GitHub repository provides an implementation of the paper "MAGNET: Multi-Label Text Classification using Attention-based Graph Neural Network" . MAGNET is a state-of-the-art approach for multi-label text classification, leveraging the power of graph neural networks (GNNs) and attention mechanisms.
VisualJoyce/ChengyuBERT
[COLING 2020] BERT-based Models for Chengyu
xiongma/DGCNN
Dilation Gate CNN For Machine Reading Comprehension
rakmakan/Clustering-with-BERT
Powerful document clustering models are essential as they can efficiently process large sets of documents. These models can be helpful in many fields, including general research. Searching through large corpora of publications can be a slow and tedious task; such models can significantly reduce this time.