All Projects → word2vec-from-scratch-with-python → Similar Projects or Alternatives

201 Open source projects that are alternatives of or similar to word2vec-from-scratch-with-python

Name-disambiguation
同名论文消歧的工程化方案(参考2019智源-aminer人名消歧竞赛第一名方案)
Stars: ✭ 17 (-80%)
Mutual labels:  word2vec
Embedding As Service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Stars: ✭ 151 (+77.65%)
Mutual labels:  word2vec
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-74.12%)
Mutual labels:  word2vec
Textfeatures
👷‍♂️ A simple package for extracting useful features from character objects 👷‍♀️
Stars: ✭ 148 (+74.12%)
Mutual labels:  word2vec
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-72.94%)
Mutual labels:  word2vec
Skip Thoughts.torch
Porting of Skip-Thoughts pretrained models from Theano to PyTorch & Torch7
Stars: ✭ 146 (+71.76%)
Mutual labels:  word2vec
Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
Stars: ✭ 99 (+16.47%)
Mutual labels:  word2vec
Word2vec
Go library for performing computations in word2vec binary models
Stars: ✭ 143 (+68.24%)
Mutual labels:  word2vec
wordmap
Visualize large text collections with WebGL
Stars: ✭ 23 (-72.94%)
Mutual labels:  word2vec
Word2vec
对 ansj 编写的 Word2VEC_java 的进一步包装,同时实现了常用的词语相似度和句子相似度计算。
Stars: ✭ 136 (+60%)
Mutual labels:  word2vec
Cukatify
Cukatify is a music social media project
Stars: ✭ 21 (-75.29%)
Mutual labels:  word2vec
Turkish Word2vec
Pre-trained Word2Vec Model for Turkish
Stars: ✭ 136 (+60%)
Mutual labels:  word2vec
word2vec
Rust interface to word2vec.
Stars: ✭ 22 (-74.12%)
Mutual labels:  word2vec
Pytorch word2vec
Use pytorch to implement word2vec
Stars: ✭ 133 (+56.47%)
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 (+181.18%)
Mutual labels:  word2vec
Fasttext.js
FastText for Node.js
Stars: ✭ 127 (+49.41%)
Mutual labels:  word2vec
acl2017 document clustering
code for "Determining Gains Acquired from Word Embedding Quantitatively Using Discrete Distribution Clustering" ACL 2017
Stars: ✭ 21 (-75.29%)
Mutual labels:  word2vec
Hierarchical Attention Network
Implementation of Hierarchical Attention Networks in PyTorch
Stars: ✭ 120 (+41.18%)
Mutual labels:  word2vec
Koan
A word2vec negative sampling implementation with correct CBOW update.
Stars: ✭ 232 (+172.94%)
Mutual labels:  word2vec
Dna2vec
dna2vec: Consistent vector representations of variable-length k-mers
Stars: ✭ 117 (+37.65%)
Mutual labels:  word2vec
learningspoons
nlp lecture-notes and source code
Stars: ✭ 29 (-65.88%)
Mutual labels:  word2vec
Pytorch neg loss
NEG loss implemented in pytorch
Stars: ✭ 116 (+36.47%)
Mutual labels:  word2vec
Practical 1
Oxford Deep NLP 2017 course - Practical 1: word2vec
Stars: ✭ 220 (+158.82%)
Mutual labels:  word2vec
Awesome Embedding Models
A curated list of awesome embedding models tutorials, projects and communities.
Stars: ✭ 1,486 (+1648.24%)
Mutual labels:  word2vec
Word-Embeddings-and-Document-Vectors
An evaluation of word-embeddings for classification
Stars: ✭ 32 (-62.35%)
Mutual labels:  word2vec
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (+23.53%)
Mutual labels:  word2vec
Gemsec
The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).
Stars: ✭ 210 (+147.06%)
Mutual labels:  word2vec
Repo 2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Stars: ✭ 103 (+21.18%)
Mutual labels:  word2vec
wmd4j
wmd4j is a Java library for calculating Word Mover's Distance (WMD)
Stars: ✭ 31 (-63.53%)
Mutual labels:  word2vec
Postgres Word2vec
utils to use word embedding like word2vec vectors in a postgres database
Stars: ✭ 96 (+12.94%)
Mutual labels:  word2vec
Word2vec
Python interface to Google word2vec
Stars: ✭ 2,370 (+2688.24%)
Mutual labels:  word2vec
Transorthogonal Linguistics
Uses a distributed word representation to finds words along the hyperchord of two input words.
Stars: ✭ 93 (+9.41%)
Mutual labels:  word2vec
asm2vec
An unofficial implementation of asm2vec as a standalone python package
Stars: ✭ 127 (+49.41%)
Mutual labels:  word2vec
Dict2vec
Dict2vec is a framework to learn word embeddings using lexical dictionaries.
Stars: ✭ 91 (+7.06%)
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 (+130.59%)
Mutual labels:  word2vec
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+1417.65%)
Mutual labels:  word2vec
textaugment
TextAugment: Text Augmentation Library
Stars: ✭ 280 (+229.41%)
Mutual labels:  word2vec
Cw2vec
基于字符训练词向量
Stars: ✭ 80 (-5.88%)
Mutual labels:  word2vec
Nlp learning
结合python一起学习自然语言处理 (nlp): 语言模型、HMM、PCFG、Word2vec、完形填空式阅读理解任务、朴素贝叶斯分类器、TFIDF、PCA、SVD
Stars: ✭ 188 (+121.18%)
Mutual labels:  word2vec
Russian news corpus
Russian mass media stemmed texts corpus / Корпус лемматизированных (морфологически нормализованных) текстов российских СМИ
Stars: ✭ 76 (-10.59%)
Mutual labels:  word2vec
hyperstar
Hyperstar: Negative Sampling Improves Hypernymy Extraction Based on Projection Learning.
Stars: ✭ 24 (-71.76%)
Mutual labels:  word2vec
Asne
A sparsity aware and memory efficient implementation of "Attributed Social Network Embedding" (TKDE 2018).
Stars: ✭ 73 (-14.12%)
Mutual labels:  word2vec
Sentence Similarity
对四种句子/文本相似度计算方法进行实验与比较
Stars: ✭ 181 (+112.94%)
Mutual labels:  word2vec
Vectorsinsearch
Dice.com repo to accompany the dice.com 'Vectors in Search' talk by Simon Hughes, from the Activate 2018 search conference, and the 'Searching with Vectors' talk from Haystack 2019 (US). Builds upon my conceptual search and semantic search work from 2015
Stars: ✭ 71 (-16.47%)
Mutual labels:  word2vec
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-75.29%)
Mutual labels:  word2vec
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (-24.71%)
Mutual labels:  word2vec
Splitter
A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).
Stars: ✭ 177 (+108.24%)
Mutual labels:  word2vec
Chive
Japanese word embedding with Sudachi and NWJC 🌿
Stars: ✭ 63 (-25.88%)
Mutual labels:  word2vec
skip-gram-Chinese
skip-gram for Chinese word2vec base on tensorflow
Stars: ✭ 20 (-76.47%)
Mutual labels:  word2vec
Pujangga
Pujangga - Indonesian Natural Language Processing Tool with REST API, an Interface for InaNLP and Deeplearning4j's Word2Vec
Stars: ✭ 47 (-44.71%)
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 (+103.53%)
Mutual labels:  word2vec
Word2vec Win32
A word2vec port for Windows.
Stars: ✭ 41 (-51.76%)
Mutual labels:  word2vec
word2vec-pytorch
Extremely simple and fast word2vec implementation with Negative Sampling + Sub-sampling
Stars: ✭ 145 (+70.59%)
Mutual labels:  word2vec
Log Anomaly Detector
Log Anomaly Detection - Machine learning to detect abnormal events logs
Stars: ✭ 169 (+98.82%)
Mutual labels:  word2vec
NLP PEMDC
NLP Predtrained Embeddings, Models and Datasets Collections(NLP_PEMDC). The collection will keep updating.
Stars: ✭ 58 (-31.76%)
Mutual labels:  word2vec
test word2vec uyghur
Bu Uyghur yéziqini Pythonning gensim ambiridiki word2vec algorizimida sinap baqqan misal.
Stars: ✭ 15 (-82.35%)
Mutual labels:  word2vec
revery
A personal semantic search engine capable of surfacing relevant bookmarks, journal entries, notes, blogs, contacts, and more, built on an efficient document embedding algorithm and Monocle's personal search index.
Stars: ✭ 200 (+135.29%)
Mutual labels:  word2vec
img classification deep learning
No description or website provided.
Stars: ✭ 19 (-77.65%)
Mutual labels:  word2vec
Word2Vec-iOS
Word2Vec iOS port
Stars: ✭ 23 (-72.94%)
Mutual labels:  word2vec
Gensim
Topic Modelling for Humans
Stars: ✭ 12,763 (+14915.29%)
Mutual labels:  word2vec
61-120 of 201 similar projects