word2vec
There are 2155 repositories under word2vec topic.
piskvorky/gensim
Topic Modelling for Humans
ddbourgin/numpy-ml
Machine learning, in numpy
brightmart/nlp_chinese_corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
vi3k6i5/flashtext
Extract Keywords from sentence or Replace keywords in sentences.
shibing624/text2vec
text2vec, text to vector. 文本向量表征工具,把文本转化为向量矩阵,实现了Word2Vec、RankBM25、Sentence-BERT、CoSENT等文本表征、文本相似度计算模型,开箱即用。
PaddlePaddle/PaddleRec
Recommendation Algorithm大规模推荐算法库,包含推荐系统经典及最新算法LR、Wide&Deep、DSSM、TDM、MIND、Word2Vec、Bert4Rec、DeepWalk、SSR、AITM,DSIN,SIGN,IPREC、GRU4Rec、Youtube_dnn、NCF、GNN、FM、FFM、DeepFM、DCN、DIN、DIEN、DLRM、MMOE、PLE、ESMM、ESCMM, MAML、xDeepFM、DeepFEFM、NFM、AFM、RALM、DMR、GateNet、NAML、DIFM、Deep Crossing、PNN、BST、AutoInt、FGCNN、FLEN、Fibinet、ListWise、DeepRec、ENSFM,TiSAS,AutoFIS等,包含经典推荐系统数据集criteo 、movielens等
alibaba/Alink
Alink is the Machine Learning algorithm platform based on Flink, developed by the PAI team of Alibaba computing platform.
danielfrg/word2vec
Python interface to Google word2vec
duoergun0729/nlp
兜哥出品 <一本开源的NLP入门书籍>
JasonKessler/scattertext
Beautiful visualizations of how language differs among document types.
Kyubyong/wordvectors
Pre-trained word vectors of 30+ languages
golbin/TensorFlow-Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Hironsan/awesome-embedding-models
A curated list of awesome embedding models tutorials, projects and communities.
explosion/sense2vec
🦆 Contextually-keyed word vectors
plasticityai/magnitude
A fast, efficient universal vector embedding utility package.
RubensZimbres/Repo-2017
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
kavgan/nlp-in-practice
Starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.
SkalskiP/vlms-zero-to-hero
This series will take you on a journey from the fundamentals of NLP and Computer Vision to the cutting edge of Vision-Language Models.
benedekrozemberczki/graph2vec
A parallel implementation of "graph2vec: Learning Distributed Representations of Graphs" (MLGWorkshop 2017).
dselivanov/text2vec
Fast vectorization, topic modeling, distances and GloVe word embeddings in R.
zhezhaoa/ngram2vec
Four word embedding models implemented in Python. Supporting arbitrary context features
smilelight/lightNLP
基于Pytorch和torchtext的自然语言处理深度学习框架。
inspirehep/magpie
Deep neural network framework for multi-label text classification
hankcs/CS224n
CS224n: Natural Language Processing with Deep Learning Assignments Winter, 2017
zhang17173/Event-Extraction
基于法律裁判文书的事件抽取及其应用,包括数据的分词、词性标注、命名实体识别、事件要素抽取和判决结果预测等内容
hiDaDeng/cnsenti
中文情感分析库(Chinese Sentiment))可对文本进行情绪分析、正负情感分析。Text analysis, supporting multiple methods including word count, readability, document similarity, sentiment analysis, Word2Vec .
RelevanceAI/vectorhub
Vector Hub - Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
gaoisbest/NLP-Projects
word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding
theamrzaki/text_summurization_abstractive_methods
Multiple implementations for abstractive text summurization , using google colab
zake7749/word2vec-tutorial
中文詞向量訓練教學
ynqa/wego
Word Embeddings in Go!
khanhnamle1994/natural-language-processing
Programming Assignments and Lectures for Stanford's CS 224: Natural Language Processing with Deep Learning
cjymz886/text-cnn
嵌入Word2vec词向量的CNN中文文本分类
Tixierae/deep_learning_NLP
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
dsfsi/textaugment
TextAugment: Text Augmentation Library