All Projects → m-clark → introduction-to-machine-learning

m-clark / introduction-to-machine-learning

Licence: other
A document covering machine learning basics. 🤖📊

Programming Languages

r
7636 projects
Jupyter Notebook
11667 projects
TeX
3793 projects

Projects that are alternatives of or similar to introduction-to-machine-learning

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 (+64.71%)
Mutual labels:  random-forest, svm, knn
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (+94.12%)
Mutual labels:  random-forest, svm, knn
dlime experiments
In this work, we propose a deterministic version of Local Interpretable Model Agnostic Explanations (LIME) and the experimental results on three different medical datasets shows the superiority for Deterministic Local Interpretable Model-Agnostic Explanations (DLIME).
Stars: ✭ 21 (+23.53%)
Mutual labels:  random-forest, knn
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+19511.76%)
Mutual labels:  random-forest, svm
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+2223.53%)
Mutual labels:  random-forest, svm
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+1576.47%)
Mutual labels:  random-forest, svm
Machine learning trading algorithm
Master's degree project: Development of a trading algorithm which uses supervised machine learning classification techniques to generate buy/sell signals
Stars: ✭ 20 (+17.65%)
Mutual labels:  random-forest, knn
ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+664.71%)
Mutual labels:  svm, knn
Hyperparameter Optimization Of Machine Learning Algorithms
Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)
Stars: ✭ 516 (+2935.29%)
Mutual labels:  random-forest, svm
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (+5.88%)
Mutual labels:  random-forest, svm
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (+29.41%)
Mutual labels:  random-forest, svm
Machine Learning
⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
Stars: ✭ 5,601 (+32847.06%)
Mutual labels:  svm, knn
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (+76.47%)
Mutual labels:  svm, knn
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 (+135.29%)
Mutual labels:  random-forest, 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 (+164.71%)
Mutual labels:  svm, knn
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 (+141.18%)
Mutual labels:  random-forest, knn
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 (+147.06%)
Mutual labels:  svm, knn
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (+35.29%)
Mutual labels:  svm, knn
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (+2829.41%)
Mutual labels:  random-forest, svm
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 (+647.06%)
Mutual labels:  random-forest, svm

Introduction to Machine Learning

This document covers machine learning basics. The focus is on concepts and general approaches, with demonstration in R, though examples can be found for Python as well. The background assumed for the reader is generally one that will have had more or less traditional/applied training with regression modeling, but little else is assumed beyond that. R background can be fairly minimal, as there is no attempt to teach programming skills, but you should be familiar with basic data processing and analysis.

It has gone through an update in 2018 and serves as the basis for a workshop. LINK TO DOC

Contents include:

  • An introduction to get used to terminology and tie things to common methods
  • A focus on concepts, such as regularization and the bias-variance trade-off
  • Examples including regularized regression, random forests, neural nets, and more
  • An overview of extensions and ties to other methods
  • A couple Python demos for the same methods

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].