All Projects → receiptdID → Similar Projects or Alternatives

304 Open source projects that are alternatives of or similar to receiptdID

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 (+477.27%)
Mutual labels:  random-forest, word2vec
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 (+81.82%)
Mutual labels:  random-forest, word2vec
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (+700%)
Mutual labels:  random-forest
Word2Vec-iOS
Word2Vec iOS port
Stars: ✭ 23 (+4.55%)
Mutual labels:  word2vec
Machine Learning In R
Workshop (6 hours): preprocessing, cross-validation, lasso, decision trees, random forest, xgboost, superlearner ensembles
Stars: ✭ 144 (+554.55%)
Mutual labels:  random-forest
Quickml
A fast and easy to use decision tree learner in java
Stars: ✭ 230 (+945.45%)
Mutual labels:  random-forest
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 (+86.36%)
Mutual labels:  random-forest
Machine Learning Models
Decision Trees, Random Forest, Dynamic Time Warping, Naive Bayes, KNN, Linear Regression, Logistic Regression, Mixture Of Gaussian, Neural Network, PCA, SVD, Gaussian Naive Bayes, Fitting Data to Gaussian, K-Means
Stars: ✭ 160 (+627.27%)
Mutual labels:  random-forest
word2vec-movies
Bag of words meets bags of popcorn in Python 3 中文教程
Stars: ✭ 54 (+145.45%)
Mutual labels:  word2vec
Handwritten Digit Recognition Using Deep Learning
Handwritten Digit Recognition using Machine Learning and Deep Learning
Stars: ✭ 127 (+477.27%)
Mutual labels:  random-forest
grad-cam-text
Implementation of Grad-CAM for text.
Stars: ✭ 37 (+68.18%)
Mutual labels:  word2vec
Isl Python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Stars: ✭ 108 (+390.91%)
Mutual labels:  random-forest
Decision Tree Js
Small JavaScript implementation of ID3 Decision tree
Stars: ✭ 253 (+1050%)
Mutual labels:  random-forest
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (+95.45%)
Mutual labels:  random-forest
Textclassification
several methods for text classification
Stars: ✭ 180 (+718.18%)
Mutual labels:  random-forest
eForest
This is the official implementation for the paper 'AutoEncoder by Forest'
Stars: ✭ 71 (+222.73%)
Mutual labels:  random-forest
Randomforestexplainer
A set of tools to understand what is happening inside a Random Forest
Stars: ✭ 175 (+695.45%)
Mutual labels:  random-forest
Recommendation-based-on-sequence-
Recommendation based on sequence
Stars: ✭ 23 (+4.55%)
Mutual labels:  word2vec
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+9886.36%)
Mutual labels:  random-forest
Loan-Web
ML-powered Loan-Marketer Customer Filtering Engine
Stars: ✭ 13 (-40.91%)
Mutual labels:  random-forest
Youtube Like Predictor
YouTube Like Count Predictions using Machine Learning
Stars: ✭ 137 (+522.73%)
Mutual labels:  random-forest
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (+209.09%)
Mutual labels:  word2vec
The Data Science Workshop
A New, Interactive Approach to Learning Data Science
Stars: ✭ 126 (+472.73%)
Mutual labels:  random-forest
pykitml
Machine Learning library written in Python and NumPy.
Stars: ✭ 26 (+18.18%)
Mutual labels:  random-forest
Predicting real estate prices using scikit Learn
Predicting Amsterdam house / real estate prices using Ordinary Least Squares-, XGBoost-, KNN-, Lasso-, Ridge-, Polynomial-, Random Forest-, and Neural Network MLP Regression (via scikit-learn)
Stars: ✭ 78 (+254.55%)
Mutual labels:  random-forest
Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
Stars: ✭ 99 (+350%)
Mutual labels:  word2vec
Sporf
This is the implementation of Sparse Projection Oblique Randomer Forest
Stars: ✭ 70 (+218.18%)
Mutual labels:  random-forest
decision-trees-for-ml
Building Decision Trees From Scratch In Python
Stars: ✭ 61 (+177.27%)
Mutual labels:  random-forest
skip-gram-Chinese
skip-gram for Chinese word2vec base on tensorflow
Stars: ✭ 20 (-9.09%)
Mutual labels:  word2vec
Orange3
🍊 📊 💡 Orange: Interactive data analysis
Stars: ✭ 3,152 (+14227.27%)
Mutual labels:  random-forest
doc2vec-api
document embedding and machine learning script for beginners
Stars: ✭ 92 (+318.18%)
Mutual labels:  word2vec
Shifu
An end-to-end machine learning and data mining framework on Hadoop
Stars: ✭ 207 (+840.91%)
Mutual labels:  random-forest
two-stream-cnn
A two-stream convolutional neural network for learning abitrary similarity functions over two sets of training data
Stars: ✭ 24 (+9.09%)
Mutual labels:  word2vec
Infiniteboost
InfiniteBoost: building infinite ensembles with gradient descent
Stars: ✭ 180 (+718.18%)
Mutual labels:  random-forest
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 (+36.36%)
Mutual labels:  random-forest
Chefboost
A Lightweight Decision Tree Framework supporting regular algorithms: ID3, C4,5, CART, CHAID and Regression Trees; some advanced techniques: Gradient Boosting (GBDT, GBRT, GBM), Random Forest and Adaboost w/categorical features support for Python
Stars: ✭ 176 (+700%)
Mutual labels:  random-forest
STOCK-RETURN-PREDICTION-USING-KNN-SVM-GUASSIAN-PROCESS-ADABOOST-TREE-REGRESSION-AND-QDA
Forecast stock prices using machine learning approach. A time series analysis. Employ the Use of Predictive Modeling in Machine Learning to Forecast Stock Return. Approach Used by Hedge Funds to Select Tradeable Stocks
Stars: ✭ 94 (+327.27%)
Mutual labels:  random-forest
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (+686.36%)
Mutual labels:  random-forest
asm2vec
An unofficial implementation of asm2vec as a standalone python package
Stars: ✭ 127 (+477.27%)
Mutual labels:  word2vec
Emlearn
Machine Learning inference engine for Microcontrollers and Embedded devices
Stars: ✭ 154 (+600%)
Mutual labels:  random-forest
cqr
Conformalized Quantile Regression
Stars: ✭ 152 (+590.91%)
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 (+8240.91%)
Mutual labels:  random-forest
acl2017 document clustering
code for "Determining Gains Acquired from Word Embedding Quantitatively Using Discrete Distribution Clustering" ACL 2017
Stars: ✭ 21 (-4.55%)
Mutual labels:  word2vec
Awesome Decision Tree Papers
A collection of research papers on decision, classification and regression trees with implementations.
Stars: ✭ 1,908 (+8572.73%)
Mutual labels:  random-forest
Word2VecAndTsne
Scripts demo-ing how to train a Word2Vec model and reduce its vector space
Stars: ✭ 45 (+104.55%)
Mutual labels:  word2vec
Randomforest
随机森林,Random Forest(RF)
Stars: ✭ 132 (+500%)
Mutual labels:  random-forest
lolo
A random forest
Stars: ✭ 37 (+68.18%)
Mutual labels:  random-forest
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (+0%)
Mutual labels:  word2vec
Network Intrusion Detection
Machine Learning with the NSL-KDD dataset for Network Intrusion Detection
Stars: ✭ 119 (+440.91%)
Mutual labels:  random-forest
Word-Embeddings-and-Document-Vectors
An evaluation of word-embeddings for classification
Stars: ✭ 32 (+45.45%)
Mutual labels:  word2vec
Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+5700%)
Mutual labels:  random-forest
AIML-Projects
Projects I completed as a part of Great Learning's PGP - Artificial Intelligence and Machine Learning
Stars: ✭ 85 (+286.36%)
Mutual labels:  random-forest
Gcforest
This is the official implementation for the paper 'Deep forest: Towards an alternative to deep neural networks'
Stars: ✭ 1,214 (+5418.18%)
Mutual labels:  random-forest
hyperstar
Hyperstar: Negative Sampling Improves Hypernymy Extraction Based on Projection Learning.
Stars: ✭ 24 (+9.09%)
Mutual labels:  word2vec
Reproduce Stock Market Direction Random Forests
Reproduce research from paper "Predicting the direction of stock market prices using random forest"
Stars: ✭ 67 (+204.55%)
Mutual labels:  random-forest
russe
RUSSE: Russian Semantic Evaluation.
Stars: ✭ 11 (-50%)
Mutual labels:  word2vec
wetlandmapR
Scripts, tools and example data for mapping wetland ecosystems using data driven R statistical methods like Random Forests and open source GIS
Stars: ✭ 16 (-27.27%)
Mutual labels:  random-forest
stackoverflow-semantic-search
Word2Vec encodings based search engine for Stackoverflow questions
Stars: ✭ 23 (+4.55%)
Mutual labels:  word2vec
R-stats-machine-learning
Misc Statistics and Machine Learning codes in R
Stars: ✭ 33 (+50%)
Mutual labels:  random-forest
GE-FSG
Graph Embedding via Frequent Subgraphs
Stars: ✭ 39 (+77.27%)
Mutual labels:  word2vec
1-60 of 304 similar projects