All Projects → Word-Embeddings-and-Document-Vectors → Similar Projects or Alternatives

231 Open source projects that are alternatives of or similar to Word-Embeddings-and-Document-Vectors

Persian-Sentiment-Analyzer
Persian sentiment analysis ( آناکاوی سهش های فارسی | تحلیل احساسات فارسی )
Stars: ✭ 30 (-6.25%)
Mutual labels:  word2vec, fasttext-embeddings
Grokking-Machine-Learning
This repo aims to contain different machine learning use cases along with the descriptions to the model architectures
Stars: ✭ 54 (+68.75%)
Nlp learning
结合python一起学习自然语言处理 (nlp): 语言模型、HMM、PCFG、Word2vec、完形填空式阅读理解任务、朴素贝叶斯分类器、TFIDF、PCA、SVD
Stars: ✭ 188 (+487.5%)
Mutual labels:  word2vec
Log Anomaly Detector
Log Anomaly Detection - Machine learning to detect abnormal events logs
Stars: ✭ 169 (+428.13%)
Mutual labels:  word2vec
Word2vec
Python interface to Google word2vec
Stars: ✭ 2,370 (+7306.25%)
Mutual labels:  word2vec
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-31.25%)
Mutual labels:  word2vec
Splitter
A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).
Stars: ✭ 177 (+453.13%)
Mutual labels:  word2vec
Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn
Formed trajectories of sets of points.Experimented on finding similarities between trajectories based on DTW (Dynamic Time Warping) and LCSS (Longest Common SubSequence) algorithms.Modeled trajectories as strings based on a Grid representation.Benchmarked KNN, Random Forest, Logistic Regression classification algorithms to classify efficiently t…
Stars: ✭ 41 (+28.13%)
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 (+646.88%)
Mutual labels:  word2vec
Text2vec
text2vec, chinese text to vetor.(文本向量化表示工具,包括词向量化、句子向量化、句子相似度计算)
Stars: ✭ 155 (+384.38%)
Mutual labels:  word2vec
Embedding As Service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Stars: ✭ 151 (+371.88%)
Mutual labels:  word2vec
Gemsec
The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).
Stars: ✭ 210 (+556.25%)
Mutual labels:  word2vec
christmAIs
Text to abstract art generation for the holidays!
Stars: ✭ 90 (+181.25%)
Mutual labels:  fasttext-embeddings
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 (+512.5%)
Mutual labels:  word2vec
name2gender
Extrapolate gender from first names using Naïve-Bayes and PyTorch Char-RNN
Stars: ✭ 24 (-25%)
Mutual labels:  naive-bayes-classifier
Sentence Similarity
对四种句子/文本相似度计算方法进行实验与比较
Stars: ✭ 181 (+465.63%)
Mutual labels:  word2vec
Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
Stars: ✭ 99 (+209.38%)
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 (+440.63%)
Mutual labels:  word2vec
Bayes
Naive Bayes Classifier in Swift for Mac and iOS
Stars: ✭ 30 (-6.25%)
Mutual labels:  naive-bayes-classifier
Entity2rec
entity2rec generates item recommendation using property-specific knowledge graph embeddings
Stars: ✭ 159 (+396.88%)
Mutual labels:  word2vec
Cukatify
Cukatify is a music social media project
Stars: ✭ 21 (-34.37%)
Mutual labels:  word2vec
Skip Gram Pytorch
A complete pytorch implementation of skip-gram
Stars: ✭ 153 (+378.13%)
Mutual labels:  word2vec
Recommendation-based-on-sequence-
Recommendation based on sequence
Stars: ✭ 23 (-28.12%)
Mutual labels:  word2vec
Koan
A word2vec negative sampling implementation with correct CBOW update.
Stars: ✭ 232 (+625%)
Mutual labels:  word2vec
Textfeatures
👷‍♂️ A simple package for extracting useful features from character objects 👷‍♀️
Stars: ✭ 148 (+362.5%)
Mutual labels:  word2vec
Skip Thoughts.torch
Porting of Skip-Thoughts pretrained models from Theano to PyTorch & Torch7
Stars: ✭ 146 (+356.25%)
Mutual labels:  word2vec
Stocksensation
基于情感字典和机器学习的股市舆情情感分类可视化Web
Stars: ✭ 215 (+571.88%)
Mutual labels:  word2vec
Word2VecAndTsne
Scripts demo-ing how to train a Word2Vec model and reduce its vector space
Stars: ✭ 45 (+40.63%)
Mutual labels:  word2vec
Sensegram
Making sense embedding out of word embeddings using graph-based word sense induction
Stars: ✭ 209 (+553.13%)
Mutual labels:  word2vec
skip-gram-Chinese
skip-gram for Chinese word2vec base on tensorflow
Stars: ✭ 20 (-37.5%)
Mutual labels:  word2vec
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+531.25%)
Mutual labels:  word2vec
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (+112.5%)
Mutual labels:  word2vec
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (+490.63%)
Mutual labels:  word2vec
word2vec-movies
Bag of words meets bags of popcorn in Python 3 中文教程
Stars: ✭ 54 (+68.75%)
Mutual labels:  word2vec
Text Pairs Relation Classification
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Stars: ✭ 182 (+468.75%)
Mutual labels:  word2vec
grad-cam-text
Implementation of Grad-CAM for text.
Stars: ✭ 37 (+15.63%)
Mutual labels:  word2vec
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+6450%)
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 (-25%)
Mutual labels:  word2vec
Debiaswe
Remove problematic gender bias from word embeddings.
Stars: ✭ 175 (+446.88%)
Mutual labels:  word2vec
bayes
naive bayes in php
Stars: ✭ 61 (+90.63%)
Mutual labels:  naive-bayes-classifier
Wordvectors
Pre-trained word vectors of 30+ languages
Stars: ✭ 2,043 (+6284.38%)
Mutual labels:  word2vec
lapis-bayes
Naive Bayes classifier for use in Lua
Stars: ✭ 26 (-18.75%)
Mutual labels:  naive-bayes-classifier
Danmf
A sparsity aware implementation of "Deep Autoencoder-like Nonnegative Matrix Factorization for Community Detection" (CIKM 2018).
Stars: ✭ 161 (+403.13%)
Mutual labels:  word2vec
russe
RUSSE: Russian Semantic Evaluation.
Stars: ✭ 11 (-65.62%)
Mutual labels:  word2vec
Gensim
Topic Modelling for Humans
Stars: ✭ 12,763 (+39784.38%)
Mutual labels:  word2vec
fake-fews
Candidate solution for Facebook's fake news problem using machine learning and crowd-sourcing. Takes form of a Chrome extension. Developed in under 24 hours at 2017 Crimson Code hackathon at Washington State University.
Stars: ✭ 13 (-59.37%)
Mutual labels:  naive-bayes-classifier
Webvectors
Web-ify your word2vec: framework to serve distributional semantic models online
Stars: ✭ 154 (+381.25%)
Mutual labels:  word2vec
Movietaster Open
A practical movie recommend project based on Item2vec.
Stars: ✭ 253 (+690.63%)
Mutual labels:  word2vec
Graphwavemachine
A scalable implementation of "Learning Structural Node Embeddings Via Diffusion Wavelets (KDD 2018)".
Stars: ✭ 151 (+371.88%)
Mutual labels:  word2vec
hyperstar
Hyperstar: Negative Sampling Improves Hypernymy Extraction Based on Projection Learning.
Stars: ✭ 24 (-25%)
Mutual labels:  word2vec
Word2vec Spam Filter
Using word vectors to classify spam messages
Stars: ✭ 149 (+365.63%)
Mutual labels:  word2vec
Book deeplearning in pytorch source
Stars: ✭ 236 (+637.5%)
Mutual labels:  word2vec
Fasttext4j
Implementing Facebook's FastText with java
Stars: ✭ 148 (+362.5%)
Mutual labels:  word2vec
Word2Vec-iOS
Word2Vec iOS port
Stars: ✭ 23 (-28.12%)
Mutual labels:  word2vec
Wordembeddings Elmo Fasttext Word2vec
Using pre trained word embeddings (Fasttext, Word2Vec)
Stars: ✭ 146 (+356.25%)
Mutual labels:  word2vec
Cw2vec
cw2vec: Learning Chinese Word Embeddings with Stroke n-gram Information
Stars: ✭ 224 (+600%)
Mutual labels:  word2vec
doc2vec-api
document embedding and machine learning script for beginners
Stars: ✭ 92 (+187.5%)
Mutual labels:  word2vec
asm2vec
An unofficial implementation of asm2vec as a standalone python package
Stars: ✭ 127 (+296.88%)
Mutual labels:  word2vec
GE-FSG
Graph Embedding via Frequent Subgraphs
Stars: ✭ 39 (+21.88%)
Mutual labels:  word2vec
DiseaseClassifier
Using a Naive Bayes Classifier gets possible diseases from symptoms
Stars: ✭ 23 (-28.12%)
Mutual labels:  naive-bayes-classifier
1-60 of 231 similar projects