All Projects → Kaggle-project-list → Similar Projects or Alternatives

716 Open source projects that are alternatives of or similar to Kaggle-project-list

2018 Dc Datagrand Textintelprocess
2018-DC-“达观杯”文本智能处理挑战赛:冠军 (1st/3131)
Stars: ✭ 260 (+1200%)
Mutual labels:  data-mining, text-classification
Text mining resources
Resources for learning about Text Mining and Natural Language Processing
Stars: ✭ 358 (+1690%)
Mutual labels:  data-mining, text-classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+1775%)
Mutual labels:  data-mining, text-classification
Pyss3
A Python package implementing a new machine learning model for text classification with visualization tools for Explainable AI
Stars: ✭ 191 (+855%)
Mutual labels:  data-mining, text-classification
Artificial Adversary
🗣️ Tool to generate adversarial text examples and test machine learning models against them
Stars: ✭ 348 (+1640%)
Mutual labels:  data-mining, text-classification
Accelerator
The Accelerator is a tool for fast and reproducible processing of large amounts of data.
Stars: ✭ 137 (+585%)
Mutual labels:  data-mining, data-engineering
TextClassification
基于scikit-learn实现对新浪新闻的文本分类,数据集为100w篇文档,总计10类,测试集与训练集1:1划分。分类算法采用SVM和Bayes,其中Bayes作为baseline。
Stars: ✭ 86 (+330%)
Mutual labels:  data-mining, text-classification
taller SparkR
Taller SparkR para las Jornadas de Usuarios de R
Stars: ✭ 12 (-40%)
Mutual labels:  data-mining
Network-Intrusion-Detection-Using-Machine-Learning-Techniques
Network intrusions classification using algorithms such as Support Vector Machine (SVM), Decision Tree, Naive Baye, K-Nearest Neighbor (KNN), Logistic Regression and Random Forest.
Stars: ✭ 56 (+180%)
Mutual labels:  data-mining
10kGNAD
Ten Thousand German News Articles Dataset for Topic Classification
Stars: ✭ 63 (+215%)
Mutual labels:  text-classification
jobAnalytics and search
JobAnalytics system consumes data from multiple sources and provides valuable information to both job hunters and recruiters.
Stars: ✭ 25 (+25%)
Mutual labels:  data-engineering
small-text
Active Learning for Text Classification in Python
Stars: ✭ 241 (+1105%)
Mutual labels:  text-classification
FSCNMF
An implementation of "Fusing Structure and Content via Non-negative Matrix Factorization for Embedding Information Networks".
Stars: ✭ 16 (-20%)
Mutual labels:  data-mining
monkeylearn-php
Official PHP client for the MonkeyLearn API. Build and consume machine learning models for language processing from your PHP apps.
Stars: ✭ 47 (+135%)
Mutual labels:  text-classification
automated-essay-grading
Source code for the paper A Memory-Augmented Neural Model for Automated Grading
Stars: ✭ 101 (+405%)
Mutual labels:  kaggle-competition
Data-Engineering-Projects
Personal Data Engineering Projects
Stars: ✭ 167 (+735%)
Mutual labels:  data-engineering
Bankruptcy-Prediction
Mining the Polish Bankruptcy Data
Stars: ✭ 21 (+5%)
Mutual labels:  data-mining
Python-for-Text-Classification
Python for Text Classification with Machine Learning in Python 3.6.
Stars: ✭ 32 (+60%)
Mutual labels:  text-classification
4chanMarkovText
Text Generation using Markov Chains fed by 4chan APIs
Stars: ✭ 28 (+40%)
Mutual labels:  data-mining
evine
Interactive CLI Web Crawler
Stars: ✭ 140 (+600%)
Mutual labels:  data-mining
Tencent2017 Final Rank28 code
2017第一届腾讯社交广告高校算法大赛Rank28_code
Stars: ✭ 85 (+325%)
Mutual labels:  data-mining
kmeans
A simple implementation of K-means (and Bisecting K-means) clustering algorithm in Python
Stars: ✭ 18 (-10%)
Mutual labels:  data-mining
Reuters-21578-Classification
Text classification with Reuters-21578 datasets using Gensim Word2Vec and Keras LSTM
Stars: ✭ 44 (+120%)
Mutual labels:  text-classification
Naive-Resume-Matching
Text Similarity Applied to resume, to compare Resumes with Job Descriptions and create a score to rank them. Similar to an ATS.
Stars: ✭ 27 (+35%)
Mutual labels:  text-classification
Network-Embedding-Resources
Network Embedding Survey and Resources
Stars: ✭ 43 (+115%)
Mutual labels:  data-mining
NLP Toolkit
Library of state-of-the-art models (PyTorch) for NLP tasks
Stars: ✭ 92 (+360%)
Mutual labels:  text-classification
ml-in-production
The practical use-cases of how to make your Machine Learning Pipelines robust and reliable using Apache Airflow.
Stars: ✭ 29 (+45%)
Mutual labels:  data-engineering
textgo
Text preprocessing, representation, similarity calculation, text search and classification. Let's go and play with text!
Stars: ✭ 33 (+65%)
Mutual labels:  text-classification
HiGRUs
Implementation of the paper "Hierarchical GRU for Utterance-level Emotion Recognition" in NAACL-2019.
Stars: ✭ 60 (+200%)
Mutual labels:  text-classification
Jigsaw-Unintended-Bias-in-Toxicity-Classification
7th Place Solution for Jigsaw Unintended Bias in Toxicity Classification on Kaggle
Stars: ✭ 16 (-20%)
Mutual labels:  kaggle-competition
nlp classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Stars: ✭ 224 (+1020%)
Mutual labels:  text-classification
SparseLSH
A Locality Sensitive Hashing (LSH) library with an emphasis on large, highly-dimensional datasets.
Stars: ✭ 127 (+535%)
Mutual labels:  data-mining
hpipe
Workflow engine for various computing systems.
Stars: ✭ 26 (+30%)
Mutual labels:  data-mining
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 (+125%)
Mutual labels:  data-mining
dayder
Search lots of data sets for spurious correlations
Stars: ✭ 44 (+120%)
Mutual labels:  data-mining
DataEngineering
This repo contains commands that data engineers use in day to day work.
Stars: ✭ 47 (+135%)
Mutual labels:  data-engineering
Awesome-DataScience-Cheatsheets
Collection of cheatsheets for data science, machine learning and deep learning :).
Stars: ✭ 48 (+140%)
Mutual labels:  data-mining
TorchBlocks
A PyTorch-based toolkit for natural language processing
Stars: ✭ 85 (+325%)
Mutual labels:  text-classification
Naive-Bayes-Text-Classifier-in-Java
Naive Bayes Classification used to classify movie reviews as positive or negative
Stars: ✭ 18 (-10%)
Mutual labels:  text-classification
extremeText
Library for fast text representation and extreme classification.
Stars: ✭ 141 (+605%)
Mutual labels:  text-classification
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+115%)
Mutual labels:  text-classification
mpc-DL-controller
Deep Neural Network architecture as a predictive optimal controller for {HVAC+Solar cell + battery} disturbance afflicted system vs classic Model Predictive Control
Stars: ✭ 37 (+85%)
Mutual labels:  data-engineering
nsmc-zeppelin-notebook
Movie review dataset Word2Vec & sentiment classification Zeppelin notebook
Stars: ✭ 26 (+30%)
Mutual labels:  text-classification
CS259D Notes HW cn
本笔记是对课程CS 259D中涉及的论文和讲义的扩展,建议阅读原始论文和讲义。
Stars: ✭ 63 (+215%)
Mutual labels:  data-mining
pathpy
pathpy is an OpenSource python package for the modeling and analysis of pathways and temporal networks using higher-order and multi-order graphical models
Stars: ✭ 124 (+520%)
Mutual labels:  data-mining
kasthack.osp
Генератор сырых дампов пользователей VK.
Stars: ✭ 15 (-25%)
Mutual labels:  data-mining
yunyi
2018“云移杯- 景区口碑评价分值预测
Stars: ✭ 29 (+45%)
Mutual labels:  text-classification
MetaLifelongLanguage
Repository containing code for the paper "Meta-Learning with Sparse Experience Replay for Lifelong Language Learning".
Stars: ✭ 21 (+5%)
Mutual labels:  text-classification
NSP-BERT
The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"
Stars: ✭ 166 (+730%)
Mutual labels:  text-classification
BLUELAY
Searches online paste sites for certain search terms which can indicate a possible data breach.
Stars: ✭ 24 (+20%)
Mutual labels:  data-mining
NewsMTSC
Target-dependent sentiment classification in news articles reporting on political events. Includes a high-quality data set of over 11k sentences and a state-of-the-art classification model.
Stars: ✭ 54 (+170%)
Mutual labels:  text-classification
classification
Vietnamese Text Classification
Stars: ✭ 39 (+95%)
Mutual labels:  text-classification
ganbert-pytorch
Enhancing the BERT training with Semi-supervised Generative Adversarial Networks in Pytorch/HuggingFace
Stars: ✭ 60 (+200%)
Mutual labels:  text-classification
gallia-core
A schema-aware Scala library for data transformation
Stars: ✭ 44 (+120%)
Mutual labels:  data-engineering
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 (+50%)
Mutual labels:  text-classification
machine learning in python
Demo of basic machine learning models in python with Jupter Notebook
Stars: ✭ 16 (-20%)
Mutual labels:  data-mining
DataCon
🏆DataCon大数据安全分析大赛,2019年方向二(恶意代码检测)冠军源码、2020年方向五(恶意代码分析)季军源码
Stars: ✭ 69 (+245%)
Mutual labels:  data-mining
genie
Genie: A Fast and Robust Hierarchical Clustering Algorithm (this R package has now been superseded by genieclust)
Stars: ✭ 21 (+5%)
Mutual labels:  data-mining
WSDM-Cup-2019
[ACM-WSDM] 3rd place solution at WSDM Cup 2019, Fake News Classification on Kaggle.
Stars: ✭ 62 (+210%)
Mutual labels:  text-classification
Hefei ECG TOP1
“合肥高新杯”心电人机智能大赛 —— 心电异常事件预测 TOP1 Solution
Stars: ✭ 109 (+445%)
Mutual labels:  data-mining
1-60 of 716 similar projects