All Projects → text-classification-cn → Similar Projects or Alternatives

1154 Open source projects that are alternatives of or similar to text-classification-cn

ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+60.49%)
Mutual labels:  svm, naive-bayes, logistic-regression
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 (+875.31%)
Mutual labels:  text-classification, word2vec, tf-idf
Dat8
General Assembly's 2015 Data Science course in Washington, DC
Stars: ✭ 1,516 (+1771.6%)
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 (-50.62%)
Mutual labels:  svm, word2vec, tf-idf
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 (+56.79%)
Mutual labels:  text-classification, svm, word2vec
100 Days Of Ml Code
100 Days of ML Coding
Stars: ✭ 33,641 (+41432.1%)
Mutual labels:  svm, scikit-learn, logistic-regression
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 (+141.98%)
Nlp chinese corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
Stars: ✭ 6,656 (+8117.28%)
Mutual labels:  text-classification, word2vec, corpus
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (+34.57%)
Mutual labels:  svm, scikit-learn, logistic-regression
text-classification-baseline
Pipeline for fast building text classification TF-IDF + LogReg baselines.
Stars: ✭ 55 (-32.1%)
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 (-65.43%)
Mutual labels:  svm, naive-bayes, logistic-regression
TextClassification
基于scikit-learn实现对新浪新闻的文本分类,数据集为100w篇文档,总计10类,测试集与训练集1:1划分。分类算法采用SVM和Bayes,其中Bayes作为baseline。
Stars: ✭ 86 (+6.17%)
Mutual labels:  text-classification, svm, scikit-learn
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-77.78%)
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (+29.63%)
Mutual labels:  svm, word2vec, logistic-regression
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 (-62.96%)
Mutual labels:  svm, naive-bayes, logistic-regression
20-newsgroups text-classification
"20 newsgroups" dataset - Text Classification using Multinomial Naive Bayes in Python.
Stars: ✭ 41 (-49.38%)
Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (-48.15%)
Mutual labels:  svm, logistic-regression
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-59.26%)
Mutual labels:  svm, logistic-regression
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+4016.05%)
Mutual labels:  svm, logistic-regression
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+39796.3%)
Mutual labels:  svm, scikit-learn
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (+245.68%)
Mutual labels:  svm, logistic-regression
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 (+1492.59%)
Mutual labels:  svm, word2vec
sentiment-analysis-using-python
Large Data Analysis Course Project
Stars: ✭ 23 (-71.6%)
Mutual labels:  svm, naive-bayes
turbofan failure
Aircraft engine failure prediction model
Stars: ✭ 23 (-71.6%)
Mutual labels:  svm, scikit-learn
Dash Svm
Interactive SVM Explorer, using Dash and scikit-learn
Stars: ✭ 147 (+81.48%)
Mutual labels:  svm, scikit-learn
text-classification-svm
The missing SVM-based text classification module implementing HanLP's interface
Stars: ✭ 46 (-43.21%)
Mutual labels:  text-classification, svm
Text Cnn
嵌入Word2vec词向量的CNN中文文本分类
Stars: ✭ 298 (+267.9%)
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 (+344.44%)
Mutual labels:  text-classification, word2vec
Filipino-Text-Benchmarks
Open-source benchmark datasets and pretrained transformer models in the Filipino language.
Stars: ✭ 22 (-72.84%)
Mutual labels:  text-classification, corpus
Cluepretrainedmodels
高质量中文预训练模型集合:最先进大模型、最快小模型、相似度专门模型
Stars: ✭ 493 (+508.64%)
Mutual labels:  text-classification, corpus
biovec
ProtVec can be used in protein interaction predictions, structure prediction, and protein data visualization.
Stars: ✭ 23 (-71.6%)
Mutual labels:  svm, word2vec
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-72.84%)
Mutual labels:  svm, logistic-regression
Liblinear Java
Java version of LIBLINEAR
Stars: ✭ 298 (+267.9%)
Mutual labels:  svm, logistic-regression
VisualML
Interactive Visual Machine Learning Demos.
Stars: ✭ 104 (+28.4%)
Mutual labels:  svm, logistic-regression
Mylearn
machine learning algorithm
Stars: ✭ 125 (+54.32%)
Mutual labels:  svm, logistic-regression
Facial Expression Recognition Svm
Training SVM classifier to recognize people expressions (emotions) on Fer2013 dataset
Stars: ✭ 110 (+35.8%)
Mutual labels:  svm, scikit-learn
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 (-62.96%)
Mutual labels:  text-classification, word2vec
Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+1475.31%)
regression-stock-prediction
Predicting Google’s stock price using regression
Stars: ✭ 54 (-33.33%)
Mutual labels:  svm, scikit-learn
Doc2vec
📓 Long(er) text representation and classification using Doc2Vec embeddings
Stars: ✭ 92 (+13.58%)
Cluedatasetsearch
搜索所有中文NLP数据集,附常用英文NLP数据集
Stars: ✭ 2,112 (+2507.41%)
Mutual labels:  text-classification, corpus
Text Pairs Relation Classification
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Stars: ✭ 182 (+124.69%)
Mutual labels:  text-classification, word2vec
Fake news detection
Fake News Detection in Python
Stars: ✭ 194 (+139.51%)
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-74.07%)
Mutual labels:  text-classification, word2vec
Sarcasm Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
Stars: ✭ 73 (-9.88%)
Mutual labels:  text-classification, svm
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 (+1297.53%)
Text rnn attention
嵌入Word2vec词向量的RNN+ATTENTION中文文本分类
Stars: ✭ 117 (+44.44%)
Mutual labels:  text-classification, word2vec
Few Shot Text Classification
Few-shot binary text classification with Induction Networks and Word2Vec weights initialization
Stars: ✭ 32 (-60.49%)
Mutual labels:  text-classification, word2vec
Textvec
Text vectorization tool to outperform TFIDF for classification tasks
Stars: ✭ 167 (+106.17%)
Mutual labels:  text-classification, tf-idf
Fasttext.js
FastText for Node.js
Stars: ✭ 127 (+56.79%)
Mutual labels:  text-classification, word2vec
pygrams
Extracts key terminology (n-grams) from any large collection of documents (>1000) and forecasts emergence
Stars: ✭ 52 (-35.8%)
Mutual labels:  scikit-learn, tf-idf
bns-short-text-similarity
📖 Use Bi-normal Separation to find document vectors which is used to compute similarity for shorter sentences.
Stars: ✭ 24 (-70.37%)
Mutual labels:  text-classification, tf-idf
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 (-49.38%)
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (-16.05%)
Mutual labels:  text-classification, word2vec
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (-46.91%)
Mutual labels:  naive-bayes, logistic-regression
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+251.85%)
Mutual labels:  svm, scikit-learn
info-retrieval
Information Retrieval in High Dimensional Data (class deliverables)
Stars: ✭ 33 (-59.26%)
Mutual labels:  svm, logistic-regression
Lightnlp
基于Pytorch和torchtext的自然语言处理深度学习框架。
Stars: ✭ 739 (+812.35%)
Mutual labels:  text-classification, word2vec
Text Classification
Machine Learning and NLP: Text Classification using python, scikit-learn and NLTK
Stars: ✭ 239 (+195.06%)
Nepali-News-Classifier
Text Classification of Nepali Language Document. This Mini Project was done for the partial fulfillment of NLP Course : COMP 473.
Stars: ✭ 13 (-83.95%)
Mutual labels:  text-classification, tf-idf
1-60 of 1154 similar projects