sentence-embeddings
There are 276 repositories under sentence-embeddings topic.
neuml/txtai
💡 All-in-one open-source embeddings database for semantic search, LLM orchestration and language model workflows
FlagOpen/FlagEmbedding
Retrieval and Retrieval-augmented LLMs
MaartenGr/BERTopic
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
shibing624/text2vec
text2vec, text to vector. 文本向量表征工具,把文本转化为向量矩阵,实现了Word2Vec、RankBM25、Sentence-BERT、CoSENT等文本表征、文本相似度计算模型,开箱即用。
princeton-nlp/SimCSE
[EMNLP 2021] SimCSE: Simple Contrastive Learning of Sentence Embeddings https://arxiv.org/abs/2104.08821
Separius/awesome-sentence-embedding
A curated list of pretrained sentence and word embedding models
SeanLee97/xmnlp
xmnlp:提供中文分词, 词性标注, 命名体识别,情感分析,文本纠错,文本转拼音,文本摘要,偏旁部首,句子表征及文本相似度计算等功能
JohnSnowLabs/nlu
1 line for thousands of State of The Art NLP models in hundreds of languages The fastest and most accurate way to solve text problems.
Muennighoff/sgpt
SGPT: GPT Sentence Embeddings for Semantic Search
wangyuxinwhy/uniem
unified embedding model
goru001/inltk
Natural Language Toolkit for Indic Languages aims to provide out of the box support for various NLP tasks that an application developer might need
oborchers/Fast_Sentence_Embeddings
Compute Sentence Embeddings Fast!
ncbi-nlp/BioSentVec
BioWordVec & BioSentVec: pre-trained embeddings for biomedical words and sentences
jina-ai/vectordb
A Python vector database you just need - no more, no less.
kaushalshetty/Structured-Self-Attention
A Structured Self-attentive Sentence Embedding
SeanLee97/AnglE
Train and Infer Powerful Sentence Embeddings with AnglE | 🔥 SOTA on STS and MTEB Leaderboard
sunyilgdx/SIFRank_zh
Keyphrase or Keyword Extraction 基于预训练模型的中文关键词抽取方法(论文SIFRank: A New Baseline for Unsupervised Keyphrase Extraction Based on Pre-trained Language Model 的中文版代码)
JohnGiorgi/DeCLUTR
The corresponding code from our paper "DeCLUTR: Deep Contrastive Learning for Unsupervised Textual Representations". Do not hesitate to open an issue if you run into any trouble!
Agrover112/awesome-semantic-search
A curated list of awesome resources related to Semantic Search🔎 and Semantic Similarity tasks.
Doragd/Awesome-Sentence-Embedding
A curated list of research papers in Sentence Reprsentation Learning and a sts leaderboard of sentence embeddings.
voidism/DiffCSE
Code for the NAACL 2022 long paper "DiffCSE: Difference-based Contrastive Learning for Sentence Embeddings"
geeks-of-data/knowledge-gpt
Extract knowledge from all information sources using gpt and other language models. Index and make Q&A session with information sources.
gyunggyung/AGI-Papers
Papers and Book to look at when starting AGI 📚
yumeng5/Spherical-Text-Embedding
[NeurIPS 2019] Spherical Text Embedding
robrua/easy-bert
A Dead Simple BERT API for Python and Java (https://github.com/google-research/bert)
dborrelli/chat-intents
Clustering sentence embeddings to extract message intent
YJiangcm/PromCSE
Code for "Improved Universal Sentence Embeddings with Prompt-based Contrastive Learning and Energy-based Learning (EMNLP 2022)"
pdrm83/sent2vec
How to encode sentences in a high-dimensional vector space, a.k.a., sentence embedding.
KwangKa/SIMCSE_unsup
中文无监督SimCSE Pytorch实现
cpcdoy/rust-sbert
Rust port of sentence-transformers (https://github.com/UKPLab/sentence-transformers)
TharinduDR/Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
roomylee/self-attentive-emb-tf
Simple Tensorflow Implementation of "A Structured Self-attentive Sentence Embedding" (ICLR 2017)
nikolamilosevic86/local-genAI-search
Local-GenAI-Search is a generative search engine based on Llama 3, langchain and qdrant that answers questions based on your local files
hppRC/simple-simcse
A simple implementation of SimCSE
kamalkraj/e5-mistral-7b-instruct
Finetune mistral-7b-instruct for sentence embeddings
hhzrd/BEFAQ
FAQ-based Question Answering System using BERT