All Projects → TextClassification → Similar Projects or Alternatives

992 Open source projects that are alternatives of or similar to TextClassification

text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (-5.81%)
Mutual labels:  text-classification, svm, scikit-learn
100 Days Of Ml Code
100 Days of ML Coding
Stars: ✭ 33,641 (+39017.44%)
Mutual labels:  svm, scikit-learn
Doc2vec
📓 Long(er) text representation and classification using Doc2Vec embeddings
Stars: ✭ 92 (+6.98%)
Facial Expression Recognition Svm
Training SVM classifier to recognize people expressions (emotions) on Fer2013 dataset
Stars: ✭ 110 (+27.91%)
Mutual labels:  svm, scikit-learn
imbalanced-ensemble
Class-imbalanced / Long-tailed ensemble learning in Python. Modular, flexible, and extensible. | 模块化、灵活、易扩展的类别不平衡/长尾机器学习库
Stars: ✭ 199 (+131.4%)
Mutual labels:  data-mining, scikit-learn
text-classification-svm
The missing SVM-based text classification module implementing HanLP's interface
Stars: ✭ 46 (-46.51%)
Mutual labels:  text-classification, svm
2018 Dc Datagrand Textintelprocess
2018-DC-“达观杯”文本智能处理挑战赛:冠军 (1st/3131)
Stars: ✭ 260 (+202.33%)
Mutual labels:  data-mining, text-classification
turbofan failure
Aircraft engine failure prediction model
Stars: ✭ 23 (-73.26%)
Mutual labels:  svm, scikit-learn
multiscorer
A module for allowing the use of multiple metric functions in scikit's cross_val_score
Stars: ✭ 21 (-75.58%)
Mutual labels:  data-mining, scikit-learn
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 (+47.67%)
Mutual labels:  text-classification, svm
NIDS-Intrusion-Detection
Simple Implementation of Network Intrusion Detection System. KddCup'99 Data set is used for this project. kdd_cup_10_percent is used for training test. correct set is used for test. PCA is used for dimension reduction. SVM and KNN supervised algorithms are the classification algorithms of project. Accuracy : %83.5 For SVM , %80 For KNN
Stars: ✭ 45 (-47.67%)
Mutual labels:  data-mining, svm
Sktime
A unified framework for machine learning with time series
Stars: ✭ 4,741 (+5412.79%)
Mutual labels:  data-mining, scikit-learn
Text Classification
Machine Learning and NLP: Text Classification using python, scikit-learn and NLTK
Stars: ✭ 239 (+177.91%)
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-79.07%)
Mutual labels:  text-classification, svm
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+231.4%)
Mutual labels:  svm, scikit-learn
Text mining resources
Resources for learning about Text Mining and Natural Language Processing
Stars: ✭ 358 (+316.28%)
Mutual labels:  data-mining, text-classification
Artificial Adversary
🗣️ Tool to generate adversarial text examples and test machine learning models against them
Stars: ✭ 348 (+304.65%)
Mutual labels:  data-mining, text-classification
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+37476.74%)
Mutual labels:  svm, scikit-learn
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (+26.74%)
Mutual labels:  svm, scikit-learn
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 (+1216.28%)
Sarcasm Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
Stars: ✭ 73 (-15.12%)
Mutual labels:  text-classification, svm
kenchi
A scikit-learn compatible library for anomaly detection
Stars: ✭ 36 (-58.14%)
Mutual labels:  data-mining, scikit-learn
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 (+127.91%)
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+336.05%)
Mutual labels:  data-mining, text-classification
Orange3
🍊 📊 💡 Orange: Interactive data analysis
Stars: ✭ 3,152 (+3565.12%)
Mutual labels:  data-mining, scikit-learn
Model Describer
model-describer : Making machine learning interpretable to humans
Stars: ✭ 22 (-74.42%)
Mutual labels:  data-mining, scikit-learn
PracticalMachineLearning
A collection of ML related stuff including notebooks, codes and a curated list of various useful resources such as books and softwares. Almost everything mentioned here is free (as speech not free food) or open-source.
Stars: ✭ 60 (-30.23%)
Mutual labels:  data-mining, scikit-learn
20-newsgroups text-classification
"20 newsgroups" dataset - Text Classification using Multinomial Naive Bayes in Python.
Stars: ✭ 41 (-52.33%)
regression-stock-prediction
Predicting Google’s stock price using regression
Stars: ✭ 54 (-37.21%)
Mutual labels:  svm, scikit-learn
Pyss3
A Python package implementing a new machine learning model for text classification with visualization tools for Explainable AI
Stars: ✭ 191 (+122.09%)
Mutual labels:  data-mining, text-classification
Algorithmic-Trading
Algorithmic trading using machine learning.
Stars: ✭ 102 (+18.6%)
Mutual labels:  data-mining, scikit-learn
Dash Svm
Interactive SVM Explorer, using Dash and scikit-learn
Stars: ✭ 147 (+70.93%)
Mutual labels:  svm, scikit-learn
Kaggle-project-list
Summary of my projects on kaggle
Stars: ✭ 20 (-76.74%)
Mutual labels:  data-mining, text-classification
Python Machine Learning Book
The "Python Machine Learning (1st edition)" book code repository and info resource
Stars: ✭ 11,428 (+13188.37%)
Mutual labels:  data-mining, scikit-learn
Amazing Feature Engineering
Feature engineering is the process of using domain knowledge to extract features from raw data via data mining techniques. These features can be used to improve the performance of machine learning algorithms. Feature engineering can be considered as applied machine learning itself.
Stars: ✭ 218 (+153.49%)
Mutual labels:  data-mining, scikit-learn
Asclepius
Open Price Comparison for US Hospitals
Stars: ✭ 20 (-76.74%)
Mutual labels:  data-mining
sklearn-matlab
Machine learning in Matlab using scikit-learn syntax
Stars: ✭ 27 (-68.6%)
Mutual labels:  scikit-learn
Subject-and-Sentiment-Analysis
汽车行业用户观点主题及情感识别
Stars: ✭ 24 (-72.09%)
Mutual labels:  text-classification
text gcn tutorial
A tutorial & minimal example (8min on CPU) for Graph Convolutional Networks for Text Classification. AAAI 2019
Stars: ✭ 23 (-73.26%)
Mutual labels:  text-classification
scikit-learn-intelex
Intel(R) Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
Stars: ✭ 887 (+931.4%)
Mutual labels:  scikit-learn
100DaysOfMLCode
I am taking up the #100DaysOfMLCode Challenge 😎
Stars: ✭ 12 (-86.05%)
Mutual labels:  scikit-learn
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (-20.93%)
Mutual labels:  text-classification
perke
A keyphrase extractor for Persian
Stars: ✭ 60 (-30.23%)
Mutual labels:  data-mining
sugarcube
Monoidal data processes.
Stars: ✭ 32 (-62.79%)
Mutual labels:  data-mining
stock-price-prediction
A practice project for machine learning and stop price prediction
Stars: ✭ 19 (-77.91%)
Mutual labels:  svm
introduction-to-neural-networks
No description or website provided.
Stars: ✭ 23 (-73.26%)
Mutual labels:  scikit-learn
scikit-hyperband
A scikit-learn compatible implementation of hyperband
Stars: ✭ 68 (-20.93%)
Mutual labels:  scikit-learn
intro-to-ml
A basic introduction to machine learning (one day training).
Stars: ✭ 15 (-82.56%)
Mutual labels:  scikit-learn
go-ml-benchmarks
⏱ Benchmarks of machine learning inference for Go
Stars: ✭ 27 (-68.6%)
Mutual labels:  scikit-learn
PredictionAPI
Tutorial on deploying machine learning models to production
Stars: ✭ 56 (-34.88%)
Mutual labels:  scikit-learn
TF-Speech-Recognition-Challenge-Solution
Source code of the model used in Tensorflow Speech Recognition Challenge (https://www.kaggle.com/c/tensorflow-speech-recognition-challenge). The solution ranked in top 5% in private leaderboard.
Stars: ✭ 58 (-32.56%)
Mutual labels:  scikit-learn
pipeline
PipelineAI Kubeflow Distribution
Stars: ✭ 4,154 (+4730.23%)
Mutual labels:  scikit-learn
face rating
Face/Beauty Rating with both the traditional ML approaches and Convolutional Neural Network Approach
Stars: ✭ 68 (-20.93%)
Mutual labels:  scikit-learn
sktime-tutorial-pydata-amsterdam-2020
Introduction to Machine Learning with Time Series at PyData Festival Amsterdam 2020
Stars: ✭ 115 (+33.72%)
Mutual labels:  scikit-learn
Semantic-Bus
object flow treatment, data transformation
Stars: ✭ 49 (-43.02%)
Mutual labels:  data-mining
scikit-hubness
A Python package for hubness analysis and high-dimensional data mining
Stars: ✭ 41 (-52.33%)
Mutual labels:  data-mining
EasyMiner
Easy association rule mining and classification on the web
Stars: ✭ 14 (-83.72%)
Mutual labels:  data-mining
Sentiment-analysis-amazon-Products-Reviews
NLP with NLTK for Sentiment analysis amazon Products Reviews
Stars: ✭ 37 (-56.98%)
Mutual labels:  text-classification
notebooks
A docker-based starter kit for machine learning via jupyter notebooks. Designed for those who just want a runtime environment and get on with machine learning. Docker tags:
Stars: ✭ 29 (-66.28%)
Mutual labels:  scikit-learn
1-60 of 992 similar projects