All Projects → Elhamkesh → Breast-Cancer-Scikitlearn

Elhamkesh / Breast-Cancer-Scikitlearn

Licence: other
simple tutorial on Machine Learning with Scikitlearn

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to Breast-Cancer-Scikitlearn

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 (-15.15%)
Mutual labels:  random-forest, svm, logistic-regression, decision-trees, knn
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+10003.03%)
Mutual labels:  random-forest, svm, logistic-regression, decision-trees
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-33.33%)
Mutual labels:  random-forest, svm, logistic-regression
Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+3766.67%)
Mutual labels:  random-forest, logistic-regression, decision-trees
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 (+27.27%)
Mutual labels:  svm, logistic-regression, knn
click-through-rate-prediction
📈 Click-Through Rate Prediction using Logistic Regression and Tree Algorithms
Stars: ✭ 60 (+81.82%)
Mutual labels:  random-forest, logistic-regression, decision-trees
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-45.45%)
Mutual labels:  random-forest, svm, logistic-regression
supervised-machine-learning
This repo contains regression and classification projects. Examples: development of predictive models for comments on social media websites; building classifiers to predict outcomes in sports competitions; churn analysis; prediction of clicks on online ads; analysis of the opioids crisis and an analysis of retail store expansion strategies using…
Stars: ✭ 34 (+3.03%)
Mutual labels:  random-forest, logistic-regression, decision-trees
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (+433.33%)
Mutual labels:  random-forest, sklearn, logistic-regression
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 (+24.24%)
Mutual labels:  random-forest, logistic-regression, knn
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-30.3%)
Mutual labels:  svm, sklearn, knn
ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+293.94%)
Mutual labels:  svm, logistic-regression, knn
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (+748.48%)
Mutual labels:  svm, logistic-regression, decision-trees
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 (+384.85%)
Mutual labels:  random-forest, logistic-regression, decision-trees
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 (+424.24%)
Mutual labels:  random-forest, logistic-regression, decision-trees
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 (-9.09%)
Mutual labels:  random-forest, svm, logistic-regression
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-48.48%)
Mutual labels:  random-forest, svm, knn
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 (-39.39%)
Mutual labels:  random-forest, knn
VisualML
Interactive Visual Machine Learning Demos.
Stars: ✭ 104 (+215.15%)
Mutual labels:  svm, logistic-regression
Bike-Sharing-Demand-Kaggle
Top 5th percentile solution to the Kaggle knowledge problem - Bike Sharing Demand
Stars: ✭ 33 (+0%)
Mutual labels:  random-forest, decision-trees

Breast Cancer Scikit Learn

Simple tutorial on Machine Learning with Scikit-Learn. The goal is to get basic understanding of various techniques.

Description

I use the "Wisconsin Breast Cancer" which is a default, preprocessed and cleaned datasets comes with scikit-learn. The target is to classify tumor as 'malignant' or 'benign' and code is written in Python using Jupyter notebook (CancerML.ipynb)

Techniques:

  • KNN
  • Logistic Regression
  • Decision Tree
  • Random Forests
  • Neural Network
  • and SVM
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].