All Projects → Textclassification → Similar Projects or Alternatives

230 Open source projects that are alternatives of or similar to Textclassification

How To Mine Newsfeed Data And Extract Interactive Insights In Python
A practical guide to topic mining and interactive visualizations
Stars: ✭ 61 (-66.11%)
Mutual labels:  tf-idf
NewsSearch
主要使用python+Scrapy框架去抓取新闻网站
Stars: ✭ 23 (-87.22%)
Mutual labels:  tf-idf
forestError
A Unified Framework for Random Forest Prediction Error Estimation
Stars: ✭ 23 (-87.22%)
Mutual labels:  random-forest
Zfverify
正方验证码识别工具 提供多种方式
Stars: ✭ 44 (-75.56%)
Mutual labels:  logistic-regression
watchman
Watchman: An open-source social-media event-detection system
Stars: ✭ 18 (-90%)
Mutual labels:  tf-idf
Network Intrusion Detection
Machine Learning with the NSL-KDD dataset for Network Intrusion Detection
Stars: ✭ 119 (-33.89%)
Mutual labels:  random-forest
tf-example-models
TensorFlow-based implementation of (Gaussian) Mixture Model and some other examples.
Stars: ✭ 42 (-76.67%)
Mutual labels:  logistic-regression
Dist Lr
A distributed logistic regression system based on ps-lite.
Stars: ✭ 39 (-78.33%)
Mutual labels:  logistic-regression
Amazon Product Recommender System
Sentiment analysis on Amazon Review Dataset available at http://snap.stanford.edu/data/web-Amazon.html
Stars: ✭ 158 (-12.22%)
Mutual labels:  logistic-regression
Machine-Learning-Andrew-Ng
机器学习-Coursera-吴恩达- python+Matlab代码实现
Stars: ✭ 127 (-29.44%)
Mutual labels:  logistic-regression
Cnn Svm Classifier
Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine
Stars: ✭ 33 (-81.67%)
Mutual labels:  random-forest
models-by-example
By-hand code for models and algorithms. An update to the 'Miscellaneous-R-Code' repo.
Stars: ✭ 43 (-76.11%)
Mutual labels:  logistic-regression
Dat8
General Assembly's 2015 Data Science course in Washington, DC
Stars: ✭ 1,516 (+742.22%)
Mutual labels:  logistic-regression
arboreto
A scalable python-based framework for gene regulatory network inference using tree-based ensemble regressors.
Stars: ✭ 33 (-81.67%)
Mutual labels:  random-forest
Mljar Supervised
Automated Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning 🚀
Stars: ✭ 961 (+433.89%)
Mutual labels:  random-forest
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 (-3.89%)
Mutual labels:  logistic-regression
cobra
A Python package to build predictive linear and logistic regression models focused on performance and interpretation
Stars: ✭ 23 (-87.22%)
Mutual labels:  logistic-regression
Defactonlp
DeFactoNLP: An Automated Fact-checking System that uses Named Entity Recognition, TF-IDF vector comparison and Decomposable Attention models.
Stars: ✭ 30 (-83.33%)
Mutual labels:  tf-idf
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (-39.44%)
Mutual labels:  logistic-regression
AdaptiveRandomForest
Repository for the AdaptiveRandomForest algorithm implemented in MOA 2016-04
Stars: ✭ 28 (-84.44%)
Mutual labels:  random-forest
Stock Market Sentiment Analysis
Identification of trends in the stock prices of a company by performing fundamental analysis of the company. News articles were provided as training data-sets to the model which classified the articles as positive or neutral. Sentiment score was computed by calculating the difference between positive and negative words present in the news article. Comparisons were made between the actual stock prices and the sentiment scores. Naive Bayes, OneR and Random Forest algorithms were used to observe the results of the model using Weka
Stars: ✭ 56 (-68.89%)
Mutual labels:  random-forest
text2text
Text2Text: Cross-lingual natural language processing and generation toolkit
Stars: ✭ 188 (+4.44%)
Mutual labels:  tf-idf
onelearn
Online machine learning methods
Stars: ✭ 14 (-92.22%)
Mutual labels:  random-forest
Emlearn
Machine Learning inference engine for Microcontrollers and Embedded devices
Stars: ✭ 154 (-14.44%)
Mutual labels:  random-forest
wink-bm25-text-search
Fast Full Text Search based on BM25
Stars: ✭ 44 (-75.56%)
Mutual labels:  tf-idf
Coursera Uw Machine Learning Clustering Retrieval
Stars: ✭ 25 (-86.11%)
Mutual labels:  tf-idf
Vtext
Simple NLP in Rust with Python bindings
Stars: ✭ 108 (-40%)
Mutual labels:  tf-idf
Mathematical-Modeling
A sharing of the learning process of mathematical modeling 数学建模常用工具模型算法分享:数学建模竞赛优秀论文,数学建模常用算法模型,LaTeX论文模板,SPSS工具分享。
Stars: ✭ 30 (-83.33%)
Mutual labels:  logistic-regression
Machine learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Stars: ✭ 161 (-10.56%)
Mutual labels:  logistic-regression
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 (-29.44%)
Mutual labels:  random-forest
Ds and ml projects
Data Science & Machine Learning projects and tutorials in python from beginner to advanced level.
Stars: ✭ 56 (-68.89%)
Mutual labels:  logistic-regression
iresearch
IResearch is a cross-platform, high-performance document oriented search engine library written entirely in C++ with the focus on a pluggability of different ranking/similarity models
Stars: ✭ 121 (-32.78%)
Mutual labels:  tf-idf
Bike-Sharing-Demand-Kaggle
Top 5th percentile solution to the Kaggle knowledge problem - Bike Sharing Demand
Stars: ✭ 33 (-81.67%)
Mutual labels:  random-forest
Grt
gesture recognition toolkit
Stars: ✭ 739 (+310.56%)
Mutual labels:  random-forest
brglm2
Estimation and inference from generalized linear models using explicit and implicit methods for bias reduction
Stars: ✭ 18 (-90%)
Mutual labels:  logistic-regression
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (-41.67%)
Mutual labels:  logistic-regression
amazon-reviews
Sentiment Analysis & Topic Modeling with Amazon Reviews
Stars: ✭ 26 (-85.56%)
Mutual labels:  logistic-regression
H2o 3
H2O is an Open Source, Distributed, Fast & Scalable Machine Learning Platform: Deep Learning, Gradient Boosting (GBM) & XGBoost, Random Forest, Generalized Linear Modeling (GLM with Elastic Net), K-Means, PCA, Generalized Additive Models (GAM), RuleFit, Support Vector Machine (SVM), Stacked Ensembles, Automatic Machine Learning (AutoML), etc.
Stars: ✭ 5,656 (+3042.22%)
Mutual labels:  random-forest
random-survival-forest
A Random Survival Forest implementation for python inspired by Ishwaran et al. - Easily understandable, adaptable and extendable.
Stars: ✭ 40 (-77.78%)
Mutual labels:  random-forest
Benchm Ml
A minimal benchmark for scalability, speed and accuracy of commonly used open source implementations (R packages, Python scikit-learn, H2O, xgboost, Spark MLlib etc.) of the top machine learning algorithms for binary classification (random forests, gradient boosted trees, deep neural networks etc.).
Stars: ✭ 1,835 (+919.44%)
Mutual labels:  random-forest
info-retrieval
Information Retrieval in High Dimensional Data (class deliverables)
Stars: ✭ 33 (-81.67%)
Mutual labels:  logistic-regression
Deep Forest
An Efficient, Scalable and Optimized Python Framework for Deep Forest (2021.2.1)
Stars: ✭ 547 (+203.89%)
Mutual labels:  random-forest
minimal-search-engine
最小のサーチエンジン/PageRank/tf-idf
Stars: ✭ 18 (-90%)
Mutual labels:  tf-idf
Fwumious wabbit
Fwumious Wabbit, fast on-line machine learning toolkit written in Rust
Stars: ✭ 96 (-46.67%)
Mutual labels:  logistic-regression
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-88.33%)
Mutual labels:  random-forest
Hyperparameter Optimization Of Machine Learning Algorithms
Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)
Stars: ✭ 516 (+186.67%)
Mutual labels:  random-forest
Vntk
Vietnamese NLP Toolkit for Node
Stars: ✭ 170 (-5.56%)
Mutual labels:  tf-idf
EurekaTrees
Visualizes the Random Forest debug string from the MLLib in Spark using D3.js
Stars: ✭ 37 (-79.44%)
Mutual labels:  random-forest
lucilla
Fast, efficient, in-memory Full Text Search for Kotlin
Stars: ✭ 102 (-43.33%)
Mutual labels:  tf-idf
dominance-analysis
This package can be used for dominance analysis or Shapley Value Regression for finding relative importance of predictors on given dataset. This library can be used for key driver analysis or marginal resource allocation models.
Stars: ✭ 111 (-38.33%)
Mutual labels:  logistic-regression
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (+176.67%)
Mutual labels:  random-forest
rfvis
A tool for visualizing the structure and performance of Random Forests 🌳
Stars: ✭ 20 (-88.89%)
Mutual labels:  random-forest
urb-studies-predicting-gentrification
This repo is intended to support replication and exploration of the analysis undertaken for our Urban Studies article "Understanding urban gentrification through Machine Learning: Predicting neighbourhood change in London".
Stars: ✭ 35 (-80.56%)
Mutual labels:  random-forest
Mylearn
machine learning algorithm
Stars: ✭ 125 (-30.56%)
Mutual labels:  logistic-regression
Brihaspati
Collection of various implementations and Codes in Machine Learning, Deep Learning and Computer Vision ✨💥
Stars: ✭ 53 (-70.56%)
Mutual labels:  logistic-regression
missRanger
R package "missRanger" for fast imputation of missing values by random forests.
Stars: ✭ 42 (-76.67%)
Mutual labels:  random-forest
MLDay18
Material from "Random Forests and Gradient Boosting Machines in R" presented at Machine Learning Day '18
Stars: ✭ 15 (-91.67%)
Mutual labels:  random-forest
Tpot
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
Stars: ✭ 8,378 (+4554.44%)
Mutual labels:  random-forest
lorca
Natural Language Processing for Spanish in Node.js. Stemmer, sentiment analysis, readability, tf-idf with batteries, concordance and more!
Stars: ✭ 95 (-47.22%)
Mutual labels:  tf-idf
Adversarial Robustness Toolbox
Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning Security - Evasion, Poisoning, Extraction, Inference - Red and Blue Teams
Stars: ✭ 2,638 (+1365.56%)
Mutual labels:  logistic-regression
121-180 of 230 similar projects