All Projects → nursnaaz → 25daysinmachinelearning

nursnaaz / 25daysinmachinelearning

I will update this repository to learn Machine learning with python with statistics content and materials

Programming Languages

python
139335 projects - #7 most used programming language
python3
1442 projects

Projects that are alternatives of or similar to 25daysinmachinelearning

Ds and ml projects
Data Science & Machine Learning projects and tutorials in python from beginner to advanced level.
Stars: ✭ 56 (+5.66%)
Mutual labels:  jupyter-notebook, data-science, machine-learning-algorithms, logistic-regression, linear-regression
Notebooks Statistics And Machinelearning
Jupyter Notebooks from the old UnsupervisedLearning.com (RIP) machine learning and statistics blog
Stars: ✭ 270 (+409.43%)
Mutual labels:  jupyter-notebook, data-science, statistics, machine-learning-algorithms, machinelearning
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+4045.28%)
Mutual labels:  jupyter-notebook, data-science, statistics, random-forest, numpy
Machine learning refined
Notes, examples, and Python demos for the textbook "Machine Learning Refined" (published by Cambridge University Press).
Stars: ✭ 750 (+1315.09%)
Mutual labels:  jupyter-notebook, data-science, machine-learning-algorithms, numpy
Python Machine Learning Book
The "Python Machine Learning (1st edition)" book code repository and info resource
Stars: ✭ 11,428 (+21462.26%)
Mutual labels:  jupyter-notebook, data-science, machine-learning-algorithms, logistic-regression
The Python Workshop
A New, Interactive Approach to Learning Python
Stars: ✭ 150 (+183.02%)
Mutual labels:  jupyter-notebook, data-science, logistic-regression, linear-regression
100 Days Of Ml Code
A day to day plan for this challenge. Covers both theoritical and practical aspects
Stars: ✭ 172 (+224.53%)
Mutual labels:  jupyter-notebook, data-science, machine-learning-algorithms, linear-regression
Machine learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Stars: ✭ 161 (+203.77%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms, logistic-regression, linear-regression
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (+232.08%)
Mutual labels:  jupyter-notebook, logistic-regression, random-forest, numpy
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+6190.57%)
Mutual labels:  jupyter-notebook, logistic-regression, random-forest, linear-regression
2018 Machinelearning Lectures Esa
Machine Learning Lectures at the European Space Agency (ESA) in 2018
Stars: ✭ 280 (+428.3%)
Mutual labels:  jupyter-notebook, machinelearning, random-forest, linear-regression
Dat8
General Assembly's 2015 Data Science course in Washington, DC
Stars: ✭ 1,516 (+2760.38%)
Mutual labels:  jupyter-notebook, data-science, logistic-regression, linear-regression
Isl Python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Stars: ✭ 108 (+103.77%)
Mutual labels:  jupyter-notebook, logistic-regression, random-forest, linear-regression
Articles
A repository for the source code, notebooks, data, files, and other assets used in the data science and machine learning articles on LearnDataSci
Stars: ✭ 350 (+560.38%)
Mutual labels:  jupyter-notebook, data-science, machine-learning-algorithms, machinelearning
Openml R
R package to interface with OpenML
Stars: ✭ 81 (+52.83%)
Mutual labels:  jupyter-notebook, data-science, statistics, machine-learning-algorithms
Aulas
Aulas da Escola de Inteligência Artificial de São Paulo
Stars: ✭ 166 (+213.21%)
Mutual labels:  jupyter-notebook, data-science, statistics, linear-regression
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 (+201.89%)
Mutual labels:  machine-learning-algorithms, logistic-regression, random-forest, linear-regression
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (-18.87%)
Mutual labels:  random-forest, machine-learning-algorithms, logistic-regression, machinelearning
Machine learning basics
Plain python implementations of basic machine learning algorithms
Stars: ✭ 3,557 (+6611.32%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms, logistic-regression, linear-regression
Stats Maths With Python
General statistics, mathematical programming, and numerical/scientific computing scripts and notebooks in Python
Stars: ✭ 381 (+618.87%)
Mutual labels:  jupyter-notebook, data-science, statistics, numpy

25DaysInMachineLearning

I will update this repository to learn Machine learning with python with statistics content and materials

Day - 1: 6-4-2019 We Learnt about Different types of Analytics Different types of Machine Learning Why Python? Features of Python

Day - 2: 7-4-2019 We Started practising the python Ways to implement python Why Jupyter notebook? What is keyword, variable? Conditions on creating a identifier Different datastructure List, Tuple, Set, Dictionary, String Typecast

Day - 3: 13-4-019 Control Sataement Condition Statement What is Indendation? Functions Paraments, Defaut Parameters, Arbitory Parameters

Day - 4: 14-4-2019 Recursive Function Lambda Function Map, Filter, Reduce List Comprehension Set Comprehension Try, Except, Finally

Day - 5: 27-4-2019 Class and Object OS Library Module in python import and from import Numpy: Why Numpy? Numpy Basics

Day - 6: 28-4-2019 Pandas Data Loading Data Manipulation Data Filtering Data Grouping

Day - 7: 04-05-2019 What is Data Preprocessing? Why Data Preprocessing? Diferent Technique of Data Preprocessing Data Preprocessing with pandas example

Day - 8: 05-05-2019 Part - 1: What is Statistics? What are the Data types? Different measures - Central Tendency and Dispersion Percentiles, Quartiles and Box - Plots

Day - 9: 11-05-2019 Part - 2: Examples understanding indetail Concepts of Descriptive Statistics of Part - 1, Correlation, Covariance and Visualization

Day - 10: 12-05-2019 Exercise Session: Explaining Sampling bias, Various Sampling techniques, Characteristics of Normal Distribution and empirical rule, Central Limit Theorem, Standard Error, Z - Score, Confiedence Intervals

Day - 11: 18-05-2019 Exercise Session: Finding Descriptive Statistics for a data set in Excel, Understanding Covariance and Correlation Matrices, Solving Exercises for various Descriptive statistics concepts.

Day - 12: 19-05-2019 Part - 1: Understanding Null and Alternate hypothesis, Left tailed, Right tailed and two tailed tests, Level of Significance and Confidence Interval, Traditional and P-value approahces of Hypothesis testings, Type 1 and type 2 errors

Day - 13: 25-05-2019 Part - 2: Understanding Degree of Freedom, Z - Test, t - Test and Chi - Square Test

Day - 14: 26-05-2019 Part - 3: Analysis of Variance and Understanding Various plots using Searborn

Day - 15: 02-06-2019 Probability: Introduction to probability, Trials, Sample space, Intersections - unions & Complements, Independent and dependent events and Conditional Probability

Day - 16 Hackathon Session Stats Revision

Day - 17: 16-06-2019 Linear Regression: Supervised Learning, What is Linear Regression?, find slope and intercept, Different ways to solve Linear Regression, Line of best fit method, Linear Algebra, Gradient Descent

Day - 18 17-06-2019 Linear Regression Practise: Model Validation, train-test, Cross-validation, Variance, Bias, variance-bias trade-off, Error Metrics, simple linear regression model practise in company salary dataset, cab price dataset and House price prediction.

practise in Kaggle :

Predict the insurance income : https://www.kaggle.com/noordeen/insurance-premium-prediction/kernels
Predict the count of bike taken as rent : https://www.kaggle.com/noordeen/bikeshare-data
predict the valuecourse of lung cancer value : https://www.kaggle.com/noordeen/big-city-health-data

Day - 19 22-06-2019 Big Mart Sales (Linear Regression Hackathon Practise): BigMart Sales Hackathon contest in AnalyticsVidhya

Did necessary preprocessing and predicted the result using the Linear regression and uploaded the result to Analytics Vidhya

Assignment:

Predict Restaurant food cost

Day - 20 23-06-2019 Logistic Regression theory and Practise: Converting the continuous to probablity, Cost Function - Log loss, Error Metrics - Confusion Matrix, Accuracy, recall, precision, F1-score, ROC curve, AUC.

Predicting gender of an employer, Predicting marketing subscription by a customer.

Day - 21 29-06-2019 KNN and Naive Bayes Algorithm: KNN working, Regression and classification, Why scaling mandatory, How to find optimal K value, Computational Complexity of O(N^2), Why KD Tree. Naive Bayes Working, Classification, Assumption of Naive Bayes, Bayes Theorem, Example

Assigment: Implement KNN algorithm in following kaggle datset

Predict the insurance income : https://www.kaggle.com/noordeen/insurance-premium-prediction/kernels
Predict the count of bike taken as rent : https://www.kaggle.com/noordeen/bikeshare-data
predict the valuecourse of lung cancer value : https://www.kaggle.com/noordeen/big-city-health-data
predict employee attrition : https://www.kaggle.com/noordeen/employee-attrition/kernels

Day - 22: 30-06-2019 Unsupervised Learning(K-means, Hierrachical Cluster): Un-Supervised Learning, K-means, K-means++, Within- Sum-of-Square, optimal K value, Elbow curve, Scaling Madatory, Heirarchical, Agglomerative, Dendogram

Assignment: Find the pattern of the credit card usage in the following kaggle dataset.
https://www.kaggle.com/noordeen/card-usage/kernels

Day - 23: 06-07-2019 Decision Tree: Entropy, Information gain, Gini Index, Problems of Decision tree, Pruning, High Bias. Decision Tree Classification and Decision Tree Regressor.

Assigngment : Implement Decision Tree Classsification predict employee attrition : https://www.kaggle.com/noordeen/employee-attrition/kernels
Implement Decision Tree Regressor Predict the insurance income : https://www.kaggle.com/noordeen/insurance-premium-prediction/kernels
Predict the count of bike taken as rent : https://www.kaggle.com/noordeen/bikeshare-data
predict the valuecourse of lung cancer value : https://www.kaggle.com/noordeen/big-city-health-data

Day - 24: 07-07-2019 Ensemble: Bagging - Random Forest, Boosting - AdaBoost.

Assignment: Implement Bagging and Boosting https://github.com/nursnaaz/25DaysInMachineLearning/tree/master/24%20-%20Day%20-%2024%20-%20Ensemble/Assignment

Day - 25: 13-07-2019 Stacking and SVM: Stacking - Example - Support vector machine - perceptron, kernels

Assignemnt : Implement SVM and Stacking https://github.com/nursnaaz/25DaysInMachineLearning/tree/master/25%20-%20Day%20-%2025%20-%20SVM/Assignment

Day - 26: 14-07-2019 TimeSeries: ACF - PACF - Regression for Forecasting - Smoothing - SMA - WMA - EMA - AR - MA - ARMA - ARIMA

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].