All Projects → word2vec-pytorch → Similar Projects or Alternatives

208 Open source projects that are alternatives of or similar to word2vec-pytorch

Embedding
Embedding模型代码和学习笔记总结
Stars: ✭ 25 (-82.76%)
Mutual labels:  word2vec, negative-sampling
Text-Analysis
Explaining textual analysis tools in Python. Including Preprocessing, Skip Gram (word2vec), and Topic Modelling.
Stars: ✭ 48 (-66.9%)
Mutual labels:  word2vec, skipgram
game2vec
TensorFlow implementation of word2vec applied on https://www.kaggle.com/tamber/steam-video-games dataset, using both CBOW and Skip-gram.
Stars: ✭ 62 (-57.24%)
Mutual labels:  word2vec, skipgram
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (+30.34%)
Mutual labels:  word2vec
Sensegram
Making sense embedding out of word embeddings using graph-based word sense induction
Stars: ✭ 209 (+44.14%)
Mutual labels:  word2vec
Word2Vec-iOS
Word2Vec iOS port
Stars: ✭ 23 (-84.14%)
Mutual labels:  word2vec
wordvector be
Web服务:使用腾讯 800 万词向量模型和 spotify annoy 引擎得到相似关键词
Stars: ✭ 92 (-36.55%)
Mutual labels:  wordembeddings
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+1345.52%)
Mutual labels:  word2vec
grad-cam-text
Implementation of Grad-CAM for text.
Stars: ✭ 37 (-74.48%)
Mutual labels:  word2vec
Wordvectors
Pre-trained word vectors of 30+ languages
Stars: ✭ 2,043 (+1308.97%)
Mutual labels:  word2vec
Gensim
Topic Modelling for Humans
Stars: ✭ 12,763 (+8702.07%)
Mutual labels:  word2vec
Stocksensation
基于情感字典和机器学习的股市舆情情感分类可视化Web
Stars: ✭ 215 (+48.28%)
Mutual labels:  word2vec
two-stream-cnn
A two-stream convolutional neural network for learning abitrary similarity functions over two sets of training data
Stars: ✭ 24 (-83.45%)
Mutual labels:  word2vec
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+39.31%)
Mutual labels:  word2vec
Word-Embeddings-and-Document-Vectors
An evaluation of word-embeddings for classification
Stars: ✭ 32 (-77.93%)
Mutual labels:  word2vec
Text Pairs Relation Classification
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Stars: ✭ 182 (+25.52%)
Mutual labels:  word2vec
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (-53.1%)
Mutual labels:  word2vec
Debiaswe
Remove problematic gender bias from word embeddings.
Stars: ✭ 175 (+20.69%)
Mutual labels:  word2vec
MixGCF
MixGCF: An Improved Training Method for Graph Neural Network-based Recommender Systems, KDD2021
Stars: ✭ 73 (-49.66%)
Mutual labels:  negative-sampling
Danmf
A sparsity aware implementation of "Deep Autoencoder-like Nonnegative Matrix Factorization for Community Detection" (CIKM 2018).
Stars: ✭ 161 (+11.03%)
Mutual labels:  word2vec
russe
RUSSE: Russian Semantic Evaluation.
Stars: ✭ 11 (-92.41%)
Mutual labels:  word2vec
word2vec-movies
Bag of words meets bags of popcorn in Python 3 中文教程
Stars: ✭ 54 (-62.76%)
Mutual labels:  word2vec
Webvectors
Web-ify your word2vec: framework to serve distributional semantic models online
Stars: ✭ 154 (+6.21%)
Mutual labels:  word2vec
Movietaster Open
A practical movie recommend project based on Item2vec.
Stars: ✭ 253 (+74.48%)
Mutual labels:  word2vec
Graphwavemachine
A scalable implementation of "Learning Structural Node Embeddings Via Diffusion Wavelets (KDD 2018)".
Stars: ✭ 151 (+4.14%)
Mutual labels:  word2vec
Word2vec Spam Filter
Using word vectors to classify spam messages
Stars: ✭ 149 (+2.76%)
Mutual labels:  word2vec
Practical 1
Oxford Deep NLP 2017 course - Practical 1: word2vec
Stars: ✭ 220 (+51.72%)
Mutual labels:  word2vec
skip-gram-Chinese
skip-gram for Chinese word2vec base on tensorflow
Stars: ✭ 20 (-86.21%)
Mutual labels:  word2vec
Gemsec
The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).
Stars: ✭ 210 (+44.83%)
Mutual labels:  word2vec
stackoverflow-semantic-search
Word2Vec encodings based search engine for Stackoverflow questions
Stars: ✭ 23 (-84.14%)
Mutual labels:  word2vec
Word2vec
Python interface to Google word2vec
Stars: ✭ 2,370 (+1534.48%)
Mutual labels:  word2vec
Recommendation-based-on-sequence-
Recommendation based on sequence
Stars: ✭ 23 (-84.14%)
Mutual labels:  word2vec
Shallowlearn
An experiment about re-implementing supervised learning models based on shallow neural network approaches (e.g. fastText) with some additional exclusive features and nice API. Written in Python and fully compatible with Scikit-learn.
Stars: ✭ 196 (+35.17%)
Mutual labels:  word2vec
wordmap
Visualize large text collections with WebGL
Stars: ✭ 23 (-84.14%)
Mutual labels:  word2vec
Nlp learning
结合python一起学习自然语言处理 (nlp): 语言模型、HMM、PCFG、Word2vec、完形填空式阅读理解任务、朴素贝叶斯分类器、TFIDF、PCA、SVD
Stars: ✭ 188 (+29.66%)
Mutual labels:  word2vec
Word2VecAndTsne
Scripts demo-ing how to train a Word2Vec model and reduce its vector space
Stars: ✭ 45 (-68.97%)
Mutual labels:  word2vec
Sentence Similarity
对四种句子/文本相似度计算方法进行实验与比较
Stars: ✭ 181 (+24.83%)
Mutual labels:  word2vec
doc2vec-api
document embedding and machine learning script for beginners
Stars: ✭ 92 (-36.55%)
Mutual labels:  word2vec
Splitter
A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).
Stars: ✭ 177 (+22.07%)
Mutual labels:  word2vec
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-84.83%)
Mutual labels:  word2vec
Deep Math Machine Learning.ai
A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.
Stars: ✭ 173 (+19.31%)
Mutual labels:  word2vec
Name-disambiguation
同名论文消歧的工程化方案(参考2019智源-aminer人名消歧竞赛第一名方案)
Stars: ✭ 17 (-88.28%)
Mutual labels:  word2vec
Log Anomaly Detector
Log Anomaly Detection - Machine learning to detect abnormal events logs
Stars: ✭ 169 (+16.55%)
Mutual labels:  word2vec
Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
Stars: ✭ 99 (-31.72%)
Mutual labels:  word2vec
Entity2rec
entity2rec generates item recommendation using property-specific knowledge graph embeddings
Stars: ✭ 159 (+9.66%)
Mutual labels:  word2vec
asm2vec
An unofficial implementation of asm2vec as a standalone python package
Stars: ✭ 127 (-12.41%)
Mutual labels:  word2vec
Text2vec
text2vec, chinese text to vetor.(文本向量化表示工具,包括词向量化、句子向量化、句子相似度计算)
Stars: ✭ 155 (+6.9%)
Mutual labels:  word2vec
Cukatify
Cukatify is a music social media project
Stars: ✭ 21 (-85.52%)
Mutual labels:  word2vec
Skip Gram Pytorch
A complete pytorch implementation of skip-gram
Stars: ✭ 153 (+5.52%)
Mutual labels:  word2vec
receiptdID
Receipt.ID is a multi-label, multi-class, hierarchical classification system implemented in a two layer feed forward network.
Stars: ✭ 22 (-84.83%)
Mutual labels:  word2vec
Embedding As Service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Stars: ✭ 151 (+4.14%)
Mutual labels:  word2vec
Aravec
AraVec is a pre-trained distributed word representation (word embedding) open source project which aims to provide the Arabic NLP research community with free to use and powerful word embedding models.
Stars: ✭ 239 (+64.83%)
Mutual labels:  word2vec
hyperstar
Hyperstar: Negative Sampling Improves Hypernymy Extraction Based on Projection Learning.
Stars: ✭ 24 (-83.45%)
Mutual labels:  word2vec
Textfeatures
👷‍♂️ A simple package for extracting useful features from character objects 👷‍♀️
Stars: ✭ 148 (+2.07%)
Mutual labels:  word2vec
Book deeplearning in pytorch source
Stars: ✭ 236 (+62.76%)
Mutual labels:  word2vec
Fasttext4j
Implementing Facebook's FastText with java
Stars: ✭ 148 (+2.07%)
Mutual labels:  word2vec
Skip Thoughts.torch
Porting of Skip-Thoughts pretrained models from Theano to PyTorch & Torch7
Stars: ✭ 146 (+0.69%)
Mutual labels:  word2vec
Koan
A word2vec negative sampling implementation with correct CBOW update.
Stars: ✭ 232 (+60%)
Mutual labels:  word2vec
img classification deep learning
No description or website provided.
Stars: ✭ 19 (-86.9%)
Mutual labels:  word2vec
Emotion-recognition-from-tweets
A comprehensive approach on recognizing emotion (sentiment) from a certain tweet. Supervised machine learning.
Stars: ✭ 17 (-88.28%)
Mutual labels:  word2vec
1-60 of 208 similar projects