All Projects → biovec → Similar Projects or Alternatives

364 Open source projects that are alternatives of or similar to biovec

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 (+5508.7%)
Mutual labels:  svm, word2vec, gensim
Ml Projects
ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python
Stars: ✭ 127 (+452.17%)
Mutual labels:  svm, word2vec, gensim
Word2VecAndTsne
Scripts demo-ing how to train a Word2Vec model and reduce its vector space
Stars: ✭ 45 (+95.65%)
Mutual labels:  word2vec, gensim, tsne
Gensim
Topic Modelling for Humans
Stars: ✭ 12,763 (+55391.3%)
Mutual labels:  word2vec, gensim
word2vec-tsne
Google News and Leo Tolstoy: Visualizing Word2Vec Word Embeddings using t-SNE.
Stars: ✭ 59 (+156.52%)
Mutual labels:  word2vec, tsne
Role2vec
A scalable Gensim implementation of "Learning Role-based Graph Embeddings" (IJCAI 2018).
Stars: ✭ 134 (+482.61%)
Mutual labels:  word2vec, gensim
RolX
An alternative implementation of Recursive Feature and Role Extraction (KDD11 & KDD12)
Stars: ✭ 52 (+126.09%)
Mutual labels:  word2vec, gensim
walklets
A lightweight implementation of Walklets from "Don't Walk Skip! Online Learning of Multi-scale Network Embeddings" (ASONAM 2017).
Stars: ✭ 94 (+308.7%)
Mutual labels:  word2vec, gensim
wordfish-python
extract relationships from standardized terms from corpus of interest with deep learning 🐟
Stars: ✭ 19 (-17.39%)
Mutual labels:  word2vec, gensim
Word2vec Tutorial
中文詞向量訓練教學
Stars: ✭ 426 (+1752.17%)
Mutual labels:  word2vec, gensim
Turkish Word2vec
Pre-trained Word2Vec Model for Turkish
Stars: ✭ 136 (+491.3%)
Mutual labels:  word2vec, gensim
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (+721.74%)
Mutual labels:  word2vec, gensim
word2vec-pt-br
Implementação e modelo gerado com o treinamento (trigram) da wikipedia em pt-br
Stars: ✭ 34 (+47.83%)
Mutual labels:  word2vec, gensim
Word2vec
訓練中文詞向量 Word2vec, Word2vec was created by a team of researchers led by Tomas Mikolov at Google.
Stars: ✭ 48 (+108.7%)
Mutual labels:  word2vec, gensim
Tadw
An implementation of "Network Representation Learning with Rich Text Information" (IJCAI '15).
Stars: ✭ 43 (+86.96%)
Mutual labels:  word2vec, gensim
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+73.91%)
Mutual labels:  svm, 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 (+939.13%)
Mutual labels:  word2vec, gensim
Product-Categorization-NLP
Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).
Stars: ✭ 30 (+30.43%)
Mutual labels:  word2vec, gensim
Webvectors
Web-ify your word2vec: framework to serve distributional semantic models online
Stars: ✭ 154 (+569.57%)
Mutual labels:  word2vec, gensim
Musae
The reference implementation of "Multi-scale Attributed Node Embedding".
Stars: ✭ 75 (+226.09%)
Mutual labels:  word2vec, gensim
Magnitude
A fast, efficient universal vector embedding utility package.
Stars: ✭ 1,394 (+5960.87%)
Mutual labels:  word2vec, gensim
Wordembeddings Elmo Fasttext Word2vec
Using pre trained word embeddings (Fasttext, Word2Vec)
Stars: ✭ 146 (+534.78%)
Mutual labels:  word2vec, gensim
Log Anomaly Detector
Log Anomaly Detection - Machine learning to detect abnormal events logs
Stars: ✭ 169 (+634.78%)
Mutual labels:  word2vec, gensim
Splitter
A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).
Stars: ✭ 177 (+669.57%)
Mutual labels:  word2vec, gensim
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 (+752.17%)
Mutual labels:  word2vec, gensim
Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (+21.74%)
Mutual labels:  svm, tsne
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (+356.52%)
Mutual labels:  svm, word2vec
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (+252.17%)
Mutual labels:  svm, word2vec
Twitter sentiment analysis word2vec convnet
Twitter Sentiment Analysis with Gensim Word2Vec and Keras Convolutional Network
Stars: ✭ 24 (+4.35%)
Mutual labels:  word2vec, gensim
Lmdb Embeddings
Fast word vectors with little memory usage in Python
Stars: ✭ 404 (+1656.52%)
Mutual labels:  word2vec, gensim
Sense2vec
🦆 Contextually-keyed word vectors
Stars: ✭ 1,184 (+5047.83%)
Mutual labels:  word2vec, gensim
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.
Stars: ✭ 790 (+3334.78%)
Mutual labels:  word2vec, gensim
Gemsec
The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).
Stars: ✭ 210 (+813.04%)
Mutual labels:  word2vec, gensim
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-4.35%)
Mutual labels:  word2vec, gensim
doc2vec-api
document embedding and machine learning script for beginners
Stars: ✭ 92 (+300%)
Mutual labels:  word2vec, gensim
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-8.7%)
Mutual labels:  word2vec
doc2vec-golang
doc2vec , word2vec, implemented by golang. word embedding representation
Stars: ✭ 33 (+43.48%)
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 (+769.57%)
Mutual labels:  word2vec
sentiment-analysis-using-python
Large Data Analysis Course Project
Stars: ✭ 23 (+0%)
Mutual labels:  svm
dnn-lstm-word-segment
Chinese Word Segmention Base on the Deep Learning and LSTM Neural Network
Stars: ✭ 24 (+4.35%)
Mutual labels:  word2vec
SentimentAnalysis
基于新浪微博数据的情感极性分析
Stars: ✭ 43 (+86.96%)
Mutual labels:  svm
turbofan failure
Aircraft engine failure prediction model
Stars: ✭ 23 (+0%)
Mutual labels:  svm
Fall-Detection-Dataset
FUKinect-Fall dataset was created using Kinect V1. The dataset includes walking, bending, sitting, squatting, lying and falling actions performed by 21 subjects between 19-72 years of age.
Stars: ✭ 16 (-30.43%)
Mutual labels:  svm
SvmNest
a frame of amd-v svm nest
Stars: ✭ 47 (+104.35%)
Mutual labels:  svm
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (+0%)
Mutual labels:  word2vec
Arabic-Word-Embeddings-Word2vec
Arabic Word Embeddings Word2vec
Stars: ✭ 26 (+13.04%)
Mutual labels:  word2vec
lightdock
Protein-protein, protein-peptide and protein-DNA docking framework based on the GSO algorithm
Stars: ✭ 110 (+378.26%)
Mutual labels:  protein
deepblast
Neural Networks for Protein Sequence Alignment
Stars: ✭ 29 (+26.09%)
Mutual labels:  protein
word2vec
Use word2vec to improve search result
Stars: ✭ 63 (+173.91%)
Mutual labels:  word2vec
pia
📚 🔬 PIA - Protein Inference Algorithms
Stars: ✭ 19 (-17.39%)
Mutual labels:  protein
learningspoons
nlp lecture-notes and source code
Stars: ✭ 29 (+26.09%)
Mutual labels:  word2vec
Word2VecJava
Word2Vec In Java (2013 google word2vec opensource)
Stars: ✭ 13 (-43.48%)
Mutual labels:  word2vec
word-benchmarks
Benchmarks for intrinsic word embeddings evaluation.
Stars: ✭ 45 (+95.65%)
Mutual labels:  word2vec
scarf
Toolkit for highly memory efficient analysis of single-cell RNA-Seq, scATAC-Seq and CITE-Seq data. Analyze atlas scale datasets with millions of cells on laptop.
Stars: ✭ 54 (+134.78%)
Mutual labels:  tsne
VisualML
Interactive Visual Machine Learning Demos.
Stars: ✭ 104 (+352.17%)
Mutual labels:  svm
svm
Tutorial: Support Vector Machine from scratch using Python3
Stars: ✭ 32 (+39.13%)
Mutual labels:  svm
textaugment
TextAugment: Text Augmentation Library
Stars: ✭ 280 (+1117.39%)
Mutual labels:  word2vec
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-26.09%)
Mutual labels:  svm
info-retrieval
Information Retrieval in High Dimensional Data (class deliverables)
Stars: ✭ 33 (+43.48%)
Mutual labels:  svm
word2vec-on-wikipedia
A pipeline for training word embeddings using word2vec on wikipedia corpus.
Stars: ✭ 68 (+195.65%)
Mutual labels:  word2vec
1-60 of 364 similar projects