All Projects → Ml Projects → Similar Projects or Alternatives

1049 Open source projects that are alternatives of or similar to Ml Projects

biovec
ProtVec can be used in protein interaction predictions, structure prediction, and protein data visualization.
Stars: ✭ 23 (-81.89%)
Mutual labels:  svm, word2vec, gensim
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (-36.22%)
Mutual labels:  text-classification, svm, word2vec
Sarcasm Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
Stars: ✭ 73 (-42.52%)
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 (+522.05%)
Mutual labels:  text-classification, 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 (+54.33%)
Mutual labels:  text-classification, word2vec, gensim
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-82.68%)
Mutual labels:  word2vec, gensim, tensorboard
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 (-76.38%)
Mutual labels:  text-classification, 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 (-68.5%)
Mutual labels:  random-forest, svm, word2vec
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-85.83%)
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 (+915.75%)
Mutual labels:  word2vec, svm, gensim
Machine-Learning-Models
In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.
Stars: ✭ 30 (-76.38%)
Mutual labels:  random-forest, svm
Word2VecAndTsne
Scripts demo-ing how to train a Word2Vec model and reduce its vector space
Stars: ✭ 45 (-64.57%)
Mutual labels:  word2vec, gensim
TextClassification
基于scikit-learn实现对新浪新闻的文本分类,数据集为100w篇文档,总计10类,测试集与训练集1:1划分。分类算法采用SVM和Bayes,其中Bayes作为baseline。
Stars: ✭ 86 (-32.28%)
Mutual labels:  text-classification, svm
receiptdID
Receipt.ID is a multi-label, multi-class, hierarchical classification system implemented in a two layer feed forward network.
Stars: ✭ 22 (-82.68%)
Mutual labels:  random-forest, word2vec
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-83.46%)
Mutual labels:  text-classification, word2vec
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+124.41%)
Mutual labels:  random-forest, svm
nlpbuddy
A text analysis application for performing common NLP tasks through a web dashboard interface and an API
Stars: ✭ 115 (-9.45%)
Mutual labels:  text-classification, gensim
word2vec-pt-br
Implementação e modelo gerado com o treinamento (trigram) da wikipedia em pt-br
Stars: ✭ 34 (-73.23%)
Mutual labels:  word2vec, gensim
NTUA-slp-nlp
💻Speech and Natural Language Processing (SLP & NLP) Lab Assignments for ECE NTUA
Stars: ✭ 19 (-85.04%)
Mutual labels:  word2vec, lstm-neural-networks
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 (-77.95%)
Mutual labels:  random-forest, svm
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+2525.2%)
Mutual labels:  svm, random-forest
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+2744.88%)
Mutual labels:  text-classification, tensorboard
text-classification-svm
The missing SVM-based text classification module implementing HanLP's interface
Stars: ✭ 46 (-63.78%)
Mutual labels:  text-classification, svm
Text Cnn
嵌入Word2vec词向量的CNN中文文本分类
Stars: ✭ 298 (+134.65%)
Mutual labels:  text-classification, word2vec
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (-17.32%)
Mutual labels:  word2vec, svm
Hyperparameter Optimization Of Machine Learning Algorithms
Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)
Stars: ✭ 516 (+306.3%)
Mutual labels:  svm, random-forest
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (-46.46%)
Mutual labels:  text-classification, word2vec
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+4611.81%)
Mutual labels:  svm, tensorboard
Magnitude
A fast, efficient universal vector embedding utility package.
Stars: ✭ 1,394 (+997.64%)
Mutual labels:  word2vec, gensim
doc2vec-api
document embedding and machine learning script for beginners
Stars: ✭ 92 (-27.56%)
Mutual labels:  word2vec, gensim
Sentiment-analysis-amazon-Products-Reviews
NLP with NLTK for Sentiment analysis amazon Products Reviews
Stars: ✭ 37 (-70.87%)
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-86.61%)
Mutual labels:  random-forest, svm
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-83.46%)
Repo 2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Stars: ✭ 103 (-18.9%)
Mutual labels:  word2vec, lstm-neural-networks
Nlp chinese corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
Stars: ✭ 6,656 (+5140.94%)
Mutual labels:  text-classification, word2vec
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-82.68%)
Mutual labels:  svm, random-forest
Twitter sentiment analysis word2vec convnet
Twitter Sentiment Analysis with Gensim Word2Vec and Keras Convolutional Network
Stars: ✭ 24 (-81.1%)
Mutual labels:  word2vec, gensim
RolX
An alternative implementation of Recursive Feature and Role Extraction (KDD11 & KDD12)
Stars: ✭ 52 (-59.06%)
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 (-25.98%)
Mutual labels:  word2vec, gensim
wordfish-python
extract relationships from standardized terms from corpus of interest with deep learning 🐟
Stars: ✭ 19 (-85.04%)
Mutual labels:  word2vec, gensim
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-74.02%)
Mutual labels:  random-forest, svm
Text Pairs Relation Classification
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Stars: ✭ 182 (+43.31%)
Mutual labels:  text-classification, word2vec
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (+292.13%)
Mutual labels:  svm, random-forest
Word2vec Tutorial
中文詞向量訓練教學
Stars: ✭ 426 (+235.43%)
Mutual labels:  word2vec, gensim
Text rnn attention
嵌入Word2vec词向量的RNN+ATTENTION中文文本分类
Stars: ✭ 117 (-7.87%)
Mutual labels:  text-classification, word2vec
Lmdb Embeddings
Fast word vectors with little memory usage in Python
Stars: ✭ 404 (+218.11%)
Mutual labels:  word2vec, gensim
Lightnlp
基于Pytorch和torchtext的自然语言处理深度学习框架。
Stars: ✭ 739 (+481.89%)
Mutual labels:  text-classification, word2vec
Text Analytics With Python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
Stars: ✭ 1,132 (+791.34%)
Mutual labels:  text-classification, gensim
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+211.02%)
Mutual labels:  svm, random-forest
Sense2vec
🦆 Contextually-keyed word vectors
Stars: ✭ 1,184 (+832.28%)
Mutual labels:  word2vec, gensim
Musae
The reference implementation of "Multi-scale Attributed Node Embedding".
Stars: ✭ 75 (-40.94%)
Mutual labels:  word2vec, gensim
Word2vec
訓練中文詞向量 Word2vec, Word2vec was created by a team of researchers led by Tomas Mikolov at Google.
Stars: ✭ 48 (-62.2%)
Mutual labels:  word2vec, gensim
Tadw
An implementation of "Network Representation Learning with Rich Text Information" (IJCAI '15).
Stars: ✭ 43 (-66.14%)
Mutual labels:  word2vec, gensim
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-73.23%)
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 (+88.19%)
Mutual labels:  word2vec, gensim
Fasttext.js
FastText for Node.js
Stars: ✭ 127 (+0%)
Mutual labels:  text-classification, word2vec
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
Stars: ✭ 360 (+183.46%)
Mutual labels:  text-classification, word2vec
Few Shot Text Classification
Few-shot binary text classification with Induction Networks and Word2Vec weights initialization
Stars: ✭ 32 (-74.8%)
Mutual labels:  text-classification, word2vec
Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+904.72%)
Doc2vec
📓 Long(er) text representation and classification using Doc2Vec embeddings
Stars: ✭ 92 (-27.56%)
Mutual labels:  text-classification, gensim
1-60 of 1049 similar projects