fasttext-embeddings
There are 108 repositories under fasttext-embeddings topic.
jasoncao11/nlp-notebook
NLP 领域常见任务的实现,包括新词发现、以及基于pytorch的词向量、中文文本分类、实体识别、摘要文本生成、句子相似度判断、三元组抽取、预训练模型等。
dccuchile/spanish-word-embeddings
Spanish word embeddings computed with different methods and from different corpora
explosion/floret
🌸 fastText + Bloom embeddings for compact, full-coverage vectors with spaCy
avidale/compress-fasttext
Tools for shrinking fastText models (in gensim format)
thinkingmachines/christmAIs
Text to abstract art generation for the holidays!
ikergarcia1996/MetaVec
A monolingual and cross-lingual meta-embedding generation and evaluation framework
ashalogic/Persian-Sentiment-Analyzer
Persian sentiment analysis ( آناکاوی سهش های فارسی | تحلیل احساسات فارسی )
hbahadirsahin/nlp-experiments-in-pytorch
PyTorch repository for text categorization and NER experiments in Turkish and English.
cambridgeltl/ContrastiveBLI
Improving Word Translation via Two-Stage Contrastive Learning (ACL 2022). Keywords: Bilingual Lexicon Induction, Word Translation, Cross-Lingual Word Embeddings.
ashokc/Word-Embeddings-and-Document-Vectors
An evaluation of word-embeddings for classification
JoyeBright/DeepSentiPers
Repository for the experiments described in the paper named "DeepSentiPers: Novel Deep Learning Models Trained Over Proposed Augmented Persian Sentiment Corpus"
PlanTL-GOB-ES/lm-legal-es
Language Models for the legal domain in Spanish done @ BSC-TEMU within the "Plan de las Tecnologías del Lenguaje" (Plan-TL).
priyanshu2103/Sanskrit-Hindi-Machine-Translation
Machine Translation from Sanskrit to Hindi using Unsupervised and Supervised Learning
tien02/ensemble-roberta-fasttext-vietnamese
Ensemble PhoBERT with FastText Embedding to improve performance on Vietnamese Sentiment Analysis tasks.
pythonandml/dlbook
Repository for the free online book Oddly Satisfying Deep Learning from Scratch (link below!)
cambridgeltl/BLICEr
Improving Bilingual Lexicon Induction with Cross-Encoder Reranking (Findings of EMNLP 2022). Keywords: Bilingual Lexicon Induction, Word Translation, Cross-Lingual Word Embeddings.
BlackKakapo/Romanian-Word-Embeddings
Romanian Word Embeddings. Here you can find pre-trained corpora of word embeddings. Current methods: CBOW, Skip-Gram, Fast-Text (from Gensim library). The .vec and .model files are available for download (all in one archive).
pranaychandekar/fasttext-embeddings-with-flair
This project contains the code to use custom fasttext embeddings with flair framework.
MastersProject/fast-detection-of-duplicate-bug-report
Machine learning- based solution to the problem of duplicity in the bug reports repository.
PlanTL-GOB-ES/Biomedical-Word-Embeddings-for-Spanish
Biomedical Word embeddings generated from Spanish Biomedical corpora.
BotCenter/spanishWordEmbeddings
Spanish Word Embeddings computed from large corpora and different sizes using fastText.
manashpratim/Tweet-Classification
Detect hate speech in tweets
miladfa7/Persian-Word-Embedding
Persian Word Embedding using FastText, BERT, GPT and GloVe | تعبیه کلمات فارسی با روش های مختلف
TheSaintIndiano/Fake-News-Detection
Let's hunt Fake News using Word2Vec, GloVe, FastText or learnt from corpus German embeddings.
barbaraneves/gender-bias-in-virtual-assistants
Final Project of the Data Science postgraduate class at MDCC/UFC
apdullahyayik/Tr-topicter
🔍 A simple topic detector.
quamernasim/Role-Based-Access-Control-of-Qdrant-Vector-Database
Explore how to perform Role Based Access Control in Qdrant Vector Datase
mhmdsab/Spam-Classifier
spam classifier with a dataset of 5000 mail
reyeon1209/PressCheck
✔머신러닝 기반 온라인 기사 분석 서비스✔
sambitbhaumik/siamese-nn-sts
Project files contain PyTorch implementations for Siamese BiLSTM models for Semantic Text Similarity task on the SICK Dataset using FastText embeddings. Also contains Siamese BiLSTM-Transformer Encoder and SBERT fine-tuning implementations on the STS Data tasks.
Vidhi1290/Word2Vec-and-FastText-Word-Embedding-with-Gensim-in-Python
This project explores the realm of Natural Language Processing (NLP) using Word2Vec and FastText models. Dive into domain-specific embeddings, analyze clinical trials data related to Covid-19, and uncover the power of AI and ML in understanding textual data.🌟
FrederickRoman/fasttextAPI
Unofficial minified fastetext API. Use it to run NLP DL models that require word embeddings on the client-side.
george-gca/ai_papers_search_tool
Automatic paper clustering and search tool by fastext from Facebook Research
mmarouen/marabou
natural language processing and computer vision use cases for non technical user
roushan-raj/HASOC-2020
Hate Speech and Offensive Content Identification in Indo-European Languages (HASOC) 2020
shamiul94/Amazon-Review-Classifier-FastText-LSTM
This is one of my fun projects. It's a review classifier based on Amazon's reviews dataset hosted on Kaggle. I used FastText and Deep Learning model LSTM to build it.