├── .github └── dependabot.yml ├── .gitignore ├── CONTRIBUTING.md ├── Day00: Python └── Pre-requisties: 30DaysOfPython │ └── README.md ├── Day01: Numpy ├── GetStartedWithNumpy.ipynb └── numpy_practice_programs.py ├── Day02:Pandas ├── data.csv ├── naruto_analysis.csv ├── pandas_part1.ipynb └── random.csv ├── Day03: Pandas_2 ├── heart_disease.csv └── part2_pandas.ipynb ├── Day04: Matplotlib └── matplotlib.ipynb ├── Day05: Seaborn ├── Seaborn.ipynb └── biomech.csv ├── Day06: EDA_Practice ├── EDA_Food_And_Calories.ipynb ├── Food and Calories - Sheet1.csv ├── Pokemon_EDA.ipynb └── pokemons.csv ├── Day07: EDA_cont ├── EDA_hotel.ipynb └── hotel_bookings.csv ├── Day08: Linear_algebra_n_Statistics └── Linear_Algebra_And_Statistics.md ├── Day09: Machine_Learning_Key_Terminology └── README.md ├── Day10: Data_Preprocessing ├── hotel_bookings.csv └── preprocessing_part1.ipynb ├── Day10_Part2: Data Preprocessing └── FeatureSelection_Train_and_Test.ipynb ├── Day11: Linear Regression ├── Car_Prediction.ipynb ├── LinearRegressionOverview.ipynb ├── Linear_Regression_without_sklearn.ipynb ├── README.md ├── car_prediction.csv └── medical.csv ├── Day12: Regularization └── regularization.ipynb ├── Day13: Logistic Regression ├── hr_job.csv └── logistic.py ├── Day14: Feature_Engineering ├── Feature Selection.ipynb └── salary.csv ├── Day14: Logistic_Regression_Metric_and_practice ├── Metrics_and_practice_Logistic.ipynb ├── heartDiseaseAndAges.png └── heart_disease.csv ├── Day16: Decision_Tree ├── Decision_Tree-Copy1.ipynb ├── Decision_Tree.ipynb ├── Source.gv.png └── hr_job.csv ├── Day17: Random_Forest └── Random_Forest.ipynb ├── Day18: SVM_Regression ├── README.md └── SVM_R.ipynb ├── Day19: SVM_Classifier ├── README.md └── SVC.ipynb ├── Day20: KNN ├── TumorDataset.csv └── knn.ipynb ├── Day21: KNN_cont └── Nearest_Neighbors.ipynb ├── Day22: Naive_Bayes └── Spam_Classifier_Naive_Bayes.ipynb ├── Day24.1: Hyperparameters └── Hyperparameter_Tuning.ipynb ├── Day24.2: Cross Validation └── cross_validation.ipynb ├── Day25: ML_Piplines └── ML_pipeline.ipynb ├── Day26: PCA └── PCA.ipynb ├── Day27: KMeans_Clustering ├── KMeans_Customer_Segmentation.ipynb └── Mall_Customers.csv ├── Day28: Hierarchical Clustering └── hierarchical.ipynb ├── Day29: DBSCAN Clustering └── DBSCAN.ipynb ├── Day30: Boosting ├── Car_Prediction-AdaBoost.ipynb └── Untitled.ipynb ├── Day39: Streamlit_part1 ├── README.md └── ml_with_streamlit_1.py ├── Day40: Streamlit_part2 └── README.md ├── Day41: Tensorflow_Kickstart └── getting_started_with_Tensorflow.ipynb ├── Day43: Linear_Regression_Tensorflow └── Linear_Regression_TF.ipynb ├── Day44: Logistic_Regression_Tensorflow └── Logistic_Regression_TF.ipynb ├── Day45:Neural_Networks └── Neural_network-Tensorflow.ipynb ├── Day51: CNN └── Fashion_MNIST_CNN.ipynb ├── Day52: Data Augmentation └── Data_Augmentation.ipynb ├── Day53: Regularization_Callbacks_Dropout └── Untitled.ipynb ├── Day56: VGG16 └── Vgg.ipynb ├── Day57: MobileNet └── Untitled.ipynb ├── Day58: ResNet └── Resnet.ipynb ├── Day59: TransferLearning └── CIFAR100_TransferLearning.ipynb ├── Day60: NLP └── GetStartedWithTokenization.ipynb ├── Day61: Embedding └── Untitled.ipynb ├── Day74: PyTorch Basics └── PyTorch_Basics.ipynb ├── LICENSE ├── Mini Projects ├── Eurasat_Satellite_CNN │ ├── Eurosat_CNN.ipynb │ └── README.md ├── Facial_Emotion_Recognition │ └── Facial_Emotion_Recognition-Copy1.ipynb ├── Movie_Anime_Recommendation_System │ ├── AnimeWorld.csv │ ├── app.py │ └── requirements.txt ├── Real_Time_Object_Distance_Meaure │ ├── README.md │ ├── assets │ │ ├── bottle.jpg │ │ ├── cup.jpg │ │ ├── mobile.jpg │ │ ├── person.jpg │ │ └── scissors.jpg │ ├── classes.txt │ └── code.py ├── Recommendation_Engine │ ├── app.py │ └── requirements.txt ├── Stock-Market-Analysis │ └── Stock_Market-Analysis.ipynb ├── Video_Game_Sale_EDA │ ├── VideoGameSales.ipynb │ └── vgsales.csv ├── classification_web_app │ ├── README.md │ ├── app.py │ ├── dataset │ │ ├── heart_disease.csv │ │ └── titanic_survival.csv │ ├── encoder.py │ ├── model_selection_hospital.py │ └── model_selection_titanic.py ├── imagecaptioning.ipynb ├── medical_charges_streamlit │ ├── README.md │ ├── app.py │ ├── medical.csv │ └── requirements.txt ├── rain_prediction │ ├── rain_prediction_Kaggle.ipynb │ └── weatherAUS.csv └── stock_price_web_app │ ├── README.md │ └── app.py ├── README.md ├── ReinformentLearning └── topics ├── Resource: Books_Ebooks ├── 1648394713777.pdf ├── DeepLearningWithPython.pdf ├── README.md ├── Understanding the mathematics behind Support Vector Machines (1).pdf ├── mml-book.pdf ├── the_hundred_page_ml.pdf └── understanding-machine-learning-theory-algorithms.pdf ├── Resource: CheatSheets ├── algo.jpeg └── cheatsheets.md ├── Resource: Research_Papers ├── Machine_Learning_for_the_Evolutionary_An.pdf ├── Multi-Label_Classification_of_Product_Reviews_Usin.pdf ├── README.md ├── RESNET.pdf ├── albert.pdf ├── fake_news_detection.pdf ├── matchine_words.pdf ├── real_distance_object_detection.pdf └── word_seq.pdf ├── data ├── .DS_Store └── diabetes_classification │ ├── .DS_Store │ ├── README.md │ └── diabetes_data.csv └── roadmap_for_reference.png /.github/dependabot.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/.github/dependabot.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/.gitignore -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /Day00: Python/Pre-requisties: 30DaysOfPython/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day00: Python/Pre-requisties: 30DaysOfPython/README.md -------------------------------------------------------------------------------- /Day01: Numpy/GetStartedWithNumpy.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day01: Numpy/GetStartedWithNumpy.ipynb -------------------------------------------------------------------------------- /Day01: Numpy/numpy_practice_programs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day01: Numpy/numpy_practice_programs.py -------------------------------------------------------------------------------- /Day02:Pandas/data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day02:Pandas/data.csv -------------------------------------------------------------------------------- /Day02:Pandas/naruto_analysis.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day02:Pandas/naruto_analysis.csv -------------------------------------------------------------------------------- /Day02:Pandas/pandas_part1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day02:Pandas/pandas_part1.ipynb -------------------------------------------------------------------------------- /Day02:Pandas/random.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day02:Pandas/random.csv -------------------------------------------------------------------------------- /Day03: Pandas_2/heart_disease.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day03: Pandas_2/heart_disease.csv -------------------------------------------------------------------------------- /Day03: Pandas_2/part2_pandas.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day03: Pandas_2/part2_pandas.ipynb -------------------------------------------------------------------------------- /Day04: Matplotlib/matplotlib.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day04: Matplotlib/matplotlib.ipynb -------------------------------------------------------------------------------- /Day05: Seaborn/Seaborn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day05: Seaborn/Seaborn.ipynb -------------------------------------------------------------------------------- /Day05: Seaborn/biomech.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day05: Seaborn/biomech.csv -------------------------------------------------------------------------------- /Day06: EDA_Practice/EDA_Food_And_Calories.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day06: EDA_Practice/EDA_Food_And_Calories.ipynb -------------------------------------------------------------------------------- /Day06: EDA_Practice/Food and Calories - Sheet1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day06: EDA_Practice/Food and Calories - Sheet1.csv -------------------------------------------------------------------------------- /Day06: EDA_Practice/Pokemon_EDA.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day06: EDA_Practice/Pokemon_EDA.ipynb -------------------------------------------------------------------------------- /Day06: EDA_Practice/pokemons.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day06: EDA_Practice/pokemons.csv -------------------------------------------------------------------------------- /Day07: EDA_cont/EDA_hotel.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day07: EDA_cont/EDA_hotel.ipynb -------------------------------------------------------------------------------- /Day07: EDA_cont/hotel_bookings.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day07: EDA_cont/hotel_bookings.csv -------------------------------------------------------------------------------- /Day08: Linear_algebra_n_Statistics/Linear_Algebra_And_Statistics.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day08: Linear_algebra_n_Statistics/Linear_Algebra_And_Statistics.md -------------------------------------------------------------------------------- /Day09: Machine_Learning_Key_Terminology/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day09: Machine_Learning_Key_Terminology/README.md -------------------------------------------------------------------------------- /Day10: Data_Preprocessing/hotel_bookings.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day10: Data_Preprocessing/hotel_bookings.csv -------------------------------------------------------------------------------- /Day10: Data_Preprocessing/preprocessing_part1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day10: Data_Preprocessing/preprocessing_part1.ipynb -------------------------------------------------------------------------------- /Day10_Part2: Data Preprocessing/FeatureSelection_Train_and_Test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day10_Part2: Data Preprocessing/FeatureSelection_Train_and_Test.ipynb -------------------------------------------------------------------------------- /Day11: Linear Regression/Car_Prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day11: Linear Regression/Car_Prediction.ipynb -------------------------------------------------------------------------------- /Day11: Linear Regression/LinearRegressionOverview.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day11: Linear Regression/LinearRegressionOverview.ipynb -------------------------------------------------------------------------------- /Day11: Linear Regression/Linear_Regression_without_sklearn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day11: Linear Regression/Linear_Regression_without_sklearn.ipynb -------------------------------------------------------------------------------- /Day11: Linear Regression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day11: Linear Regression/README.md -------------------------------------------------------------------------------- /Day11: Linear Regression/car_prediction.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day11: Linear Regression/car_prediction.csv -------------------------------------------------------------------------------- /Day11: Linear Regression/medical.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day11: Linear Regression/medical.csv -------------------------------------------------------------------------------- /Day12: Regularization/regularization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day12: Regularization/regularization.ipynb -------------------------------------------------------------------------------- /Day13: Logistic Regression/hr_job.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day13: Logistic Regression/hr_job.csv -------------------------------------------------------------------------------- /Day13: Logistic Regression/logistic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day13: Logistic Regression/logistic.py -------------------------------------------------------------------------------- /Day14: Feature_Engineering/Feature Selection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day14: Feature_Engineering/Feature Selection.ipynb -------------------------------------------------------------------------------- /Day14: Feature_Engineering/salary.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day14: Feature_Engineering/salary.csv -------------------------------------------------------------------------------- /Day14: Logistic_Regression_Metric_and_practice/Metrics_and_practice_Logistic.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day14: Logistic_Regression_Metric_and_practice/Metrics_and_practice_Logistic.ipynb -------------------------------------------------------------------------------- /Day14: Logistic_Regression_Metric_and_practice/heartDiseaseAndAges.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day14: Logistic_Regression_Metric_and_practice/heartDiseaseAndAges.png -------------------------------------------------------------------------------- /Day14: Logistic_Regression_Metric_and_practice/heart_disease.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day14: Logistic_Regression_Metric_and_practice/heart_disease.csv -------------------------------------------------------------------------------- /Day16: Decision_Tree/Decision_Tree-Copy1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day16: Decision_Tree/Decision_Tree-Copy1.ipynb -------------------------------------------------------------------------------- /Day16: Decision_Tree/Decision_Tree.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day16: Decision_Tree/Decision_Tree.ipynb -------------------------------------------------------------------------------- /Day16: Decision_Tree/Source.gv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day16: Decision_Tree/Source.gv.png -------------------------------------------------------------------------------- /Day16: Decision_Tree/hr_job.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day16: Decision_Tree/hr_job.csv -------------------------------------------------------------------------------- /Day17: Random_Forest/Random_Forest.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day17: Random_Forest/Random_Forest.ipynb -------------------------------------------------------------------------------- /Day18: SVM_Regression/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Day18: SVM_Regression/SVM_R.ipynb: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Day19: SVM_Classifier/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Day19: SVM_Classifier/SVC.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day19: SVM_Classifier/SVC.ipynb -------------------------------------------------------------------------------- /Day20: KNN/TumorDataset.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day20: KNN/TumorDataset.csv -------------------------------------------------------------------------------- /Day20: KNN/knn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day20: KNN/knn.ipynb -------------------------------------------------------------------------------- /Day21: KNN_cont/Nearest_Neighbors.ipynb: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Day22: Naive_Bayes/Spam_Classifier_Naive_Bayes.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day22: Naive_Bayes/Spam_Classifier_Naive_Bayes.ipynb -------------------------------------------------------------------------------- /Day24.1: Hyperparameters/Hyperparameter_Tuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day24.1: Hyperparameters/Hyperparameter_Tuning.ipynb -------------------------------------------------------------------------------- /Day24.2: Cross Validation/cross_validation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day24.2: Cross Validation/cross_validation.ipynb -------------------------------------------------------------------------------- /Day25: ML_Piplines/ML_pipeline.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day25: ML_Piplines/ML_pipeline.ipynb -------------------------------------------------------------------------------- /Day26: PCA/PCA.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day26: PCA/PCA.ipynb -------------------------------------------------------------------------------- /Day27: KMeans_Clustering/KMeans_Customer_Segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day27: KMeans_Clustering/KMeans_Customer_Segmentation.ipynb -------------------------------------------------------------------------------- /Day27: KMeans_Clustering/Mall_Customers.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day27: KMeans_Clustering/Mall_Customers.csv -------------------------------------------------------------------------------- /Day28: Hierarchical Clustering/hierarchical.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day28: Hierarchical Clustering/hierarchical.ipynb -------------------------------------------------------------------------------- /Day29: DBSCAN Clustering/DBSCAN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day29: DBSCAN Clustering/DBSCAN.ipynb -------------------------------------------------------------------------------- /Day30: Boosting/Car_Prediction-AdaBoost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day30: Boosting/Car_Prediction-AdaBoost.ipynb -------------------------------------------------------------------------------- /Day30: Boosting/Untitled.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day30: Boosting/Untitled.ipynb -------------------------------------------------------------------------------- /Day39: Streamlit_part1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day39: Streamlit_part1/README.md -------------------------------------------------------------------------------- /Day39: Streamlit_part1/ml_with_streamlit_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day39: Streamlit_part1/ml_with_streamlit_1.py -------------------------------------------------------------------------------- /Day40: Streamlit_part2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day40: Streamlit_part2/README.md -------------------------------------------------------------------------------- /Day41: Tensorflow_Kickstart/getting_started_with_Tensorflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day41: Tensorflow_Kickstart/getting_started_with_Tensorflow.ipynb -------------------------------------------------------------------------------- /Day43: Linear_Regression_Tensorflow/Linear_Regression_TF.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day43: Linear_Regression_Tensorflow/Linear_Regression_TF.ipynb -------------------------------------------------------------------------------- /Day44: Logistic_Regression_Tensorflow/Logistic_Regression_TF.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day44: Logistic_Regression_Tensorflow/Logistic_Regression_TF.ipynb -------------------------------------------------------------------------------- /Day45:Neural_Networks/Neural_network-Tensorflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day45:Neural_Networks/Neural_network-Tensorflow.ipynb -------------------------------------------------------------------------------- /Day51: CNN/Fashion_MNIST_CNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day51: CNN/Fashion_MNIST_CNN.ipynb -------------------------------------------------------------------------------- /Day52: Data Augmentation/Data_Augmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day52: Data Augmentation/Data_Augmentation.ipynb -------------------------------------------------------------------------------- /Day53: Regularization_Callbacks_Dropout/Untitled.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day53: Regularization_Callbacks_Dropout/Untitled.ipynb -------------------------------------------------------------------------------- /Day56: VGG16/Vgg.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day56: VGG16/Vgg.ipynb -------------------------------------------------------------------------------- /Day57: MobileNet/Untitled.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day57: MobileNet/Untitled.ipynb -------------------------------------------------------------------------------- /Day58: ResNet/Resnet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day58: ResNet/Resnet.ipynb -------------------------------------------------------------------------------- /Day59: TransferLearning/CIFAR100_TransferLearning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day59: TransferLearning/CIFAR100_TransferLearning.ipynb -------------------------------------------------------------------------------- /Day60: NLP/GetStartedWithTokenization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day60: NLP/GetStartedWithTokenization.ipynb -------------------------------------------------------------------------------- /Day61: Embedding/Untitled.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day61: Embedding/Untitled.ipynb -------------------------------------------------------------------------------- /Day74: PyTorch Basics/PyTorch_Basics.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Day74: PyTorch Basics/PyTorch_Basics.ipynb -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/LICENSE -------------------------------------------------------------------------------- /Mini Projects/Eurasat_Satellite_CNN/Eurosat_CNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Eurasat_Satellite_CNN/Eurosat_CNN.ipynb -------------------------------------------------------------------------------- /Mini Projects/Eurasat_Satellite_CNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Eurasat_Satellite_CNN/README.md -------------------------------------------------------------------------------- /Mini Projects/Facial_Emotion_Recognition/Facial_Emotion_Recognition-Copy1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Facial_Emotion_Recognition/Facial_Emotion_Recognition-Copy1.ipynb -------------------------------------------------------------------------------- /Mini Projects/Movie_Anime_Recommendation_System/AnimeWorld.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Movie_Anime_Recommendation_System/AnimeWorld.csv -------------------------------------------------------------------------------- /Mini Projects/Movie_Anime_Recommendation_System/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Movie_Anime_Recommendation_System/app.py -------------------------------------------------------------------------------- /Mini Projects/Movie_Anime_Recommendation_System/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Movie_Anime_Recommendation_System/requirements.txt -------------------------------------------------------------------------------- /Mini Projects/Real_Time_Object_Distance_Meaure/README.md: -------------------------------------------------------------------------------- 1 | # Real Time Distance Measurement With Yolo Object Detection 2 | -------------------------------------------------------------------------------- /Mini Projects/Real_Time_Object_Distance_Meaure/assets/bottle.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Real_Time_Object_Distance_Meaure/assets/bottle.jpg -------------------------------------------------------------------------------- /Mini Projects/Real_Time_Object_Distance_Meaure/assets/cup.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Real_Time_Object_Distance_Meaure/assets/cup.jpg -------------------------------------------------------------------------------- /Mini Projects/Real_Time_Object_Distance_Meaure/assets/mobile.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Real_Time_Object_Distance_Meaure/assets/mobile.jpg -------------------------------------------------------------------------------- /Mini Projects/Real_Time_Object_Distance_Meaure/assets/person.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Real_Time_Object_Distance_Meaure/assets/person.jpg -------------------------------------------------------------------------------- /Mini Projects/Real_Time_Object_Distance_Meaure/assets/scissors.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Real_Time_Object_Distance_Meaure/assets/scissors.jpg -------------------------------------------------------------------------------- /Mini Projects/Real_Time_Object_Distance_Meaure/classes.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Real_Time_Object_Distance_Meaure/classes.txt -------------------------------------------------------------------------------- /Mini Projects/Real_Time_Object_Distance_Meaure/code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Real_Time_Object_Distance_Meaure/code.py -------------------------------------------------------------------------------- /Mini Projects/Recommendation_Engine/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Recommendation_Engine/app.py -------------------------------------------------------------------------------- /Mini Projects/Recommendation_Engine/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Mini Projects/Stock-Market-Analysis/Stock_Market-Analysis.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Stock-Market-Analysis/Stock_Market-Analysis.ipynb -------------------------------------------------------------------------------- /Mini Projects/Video_Game_Sale_EDA/VideoGameSales.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Video_Game_Sale_EDA/VideoGameSales.ipynb -------------------------------------------------------------------------------- /Mini Projects/Video_Game_Sale_EDA/vgsales.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/Video_Game_Sale_EDA/vgsales.csv -------------------------------------------------------------------------------- /Mini Projects/classification_web_app/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/classification_web_app/README.md -------------------------------------------------------------------------------- /Mini Projects/classification_web_app/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/classification_web_app/app.py -------------------------------------------------------------------------------- /Mini Projects/classification_web_app/dataset/heart_disease.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/classification_web_app/dataset/heart_disease.csv -------------------------------------------------------------------------------- /Mini Projects/classification_web_app/dataset/titanic_survival.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/classification_web_app/dataset/titanic_survival.csv -------------------------------------------------------------------------------- /Mini Projects/classification_web_app/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/classification_web_app/encoder.py -------------------------------------------------------------------------------- /Mini Projects/classification_web_app/model_selection_hospital.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/classification_web_app/model_selection_hospital.py -------------------------------------------------------------------------------- /Mini Projects/classification_web_app/model_selection_titanic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/classification_web_app/model_selection_titanic.py -------------------------------------------------------------------------------- /Mini Projects/imagecaptioning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/imagecaptioning.ipynb -------------------------------------------------------------------------------- /Mini Projects/medical_charges_streamlit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/medical_charges_streamlit/README.md -------------------------------------------------------------------------------- /Mini Projects/medical_charges_streamlit/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/medical_charges_streamlit/app.py -------------------------------------------------------------------------------- /Mini Projects/medical_charges_streamlit/medical.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/medical_charges_streamlit/medical.csv -------------------------------------------------------------------------------- /Mini Projects/medical_charges_streamlit/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/medical_charges_streamlit/requirements.txt -------------------------------------------------------------------------------- /Mini Projects/rain_prediction/rain_prediction_Kaggle.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/rain_prediction/rain_prediction_Kaggle.ipynb -------------------------------------------------------------------------------- /Mini Projects/rain_prediction/weatherAUS.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/rain_prediction/weatherAUS.csv -------------------------------------------------------------------------------- /Mini Projects/stock_price_web_app/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/stock_price_web_app/README.md -------------------------------------------------------------------------------- /Mini Projects/stock_price_web_app/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Mini Projects/stock_price_web_app/app.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/README.md -------------------------------------------------------------------------------- /ReinformentLearning/topics: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/ReinformentLearning/topics -------------------------------------------------------------------------------- /Resource: Books_Ebooks/1648394713777.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Books_Ebooks/1648394713777.pdf -------------------------------------------------------------------------------- /Resource: Books_Ebooks/DeepLearningWithPython.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Books_Ebooks/DeepLearningWithPython.pdf -------------------------------------------------------------------------------- /Resource: Books_Ebooks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Books_Ebooks/README.md -------------------------------------------------------------------------------- /Resource: Books_Ebooks/Understanding the mathematics behind Support Vector Machines (1).pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Books_Ebooks/Understanding the mathematics behind Support Vector Machines (1).pdf -------------------------------------------------------------------------------- /Resource: Books_Ebooks/mml-book.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Books_Ebooks/mml-book.pdf -------------------------------------------------------------------------------- /Resource: Books_Ebooks/the_hundred_page_ml.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Books_Ebooks/the_hundred_page_ml.pdf -------------------------------------------------------------------------------- /Resource: Books_Ebooks/understanding-machine-learning-theory-algorithms.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Books_Ebooks/understanding-machine-learning-theory-algorithms.pdf -------------------------------------------------------------------------------- /Resource: CheatSheets/algo.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: CheatSheets/algo.jpeg -------------------------------------------------------------------------------- /Resource: CheatSheets/cheatsheets.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: CheatSheets/cheatsheets.md -------------------------------------------------------------------------------- /Resource: Research_Papers/Machine_Learning_for_the_Evolutionary_An.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/Machine_Learning_for_the_Evolutionary_An.pdf -------------------------------------------------------------------------------- /Resource: Research_Papers/Multi-Label_Classification_of_Product_Reviews_Usin.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/Multi-Label_Classification_of_Product_Reviews_Usin.pdf -------------------------------------------------------------------------------- /Resource: Research_Papers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/README.md -------------------------------------------------------------------------------- /Resource: Research_Papers/RESNET.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/RESNET.pdf -------------------------------------------------------------------------------- /Resource: Research_Papers/albert.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/albert.pdf -------------------------------------------------------------------------------- /Resource: Research_Papers/fake_news_detection.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/fake_news_detection.pdf -------------------------------------------------------------------------------- /Resource: Research_Papers/matchine_words.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/matchine_words.pdf -------------------------------------------------------------------------------- /Resource: Research_Papers/real_distance_object_detection.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/real_distance_object_detection.pdf -------------------------------------------------------------------------------- /Resource: Research_Papers/word_seq.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/Resource: Research_Papers/word_seq.pdf -------------------------------------------------------------------------------- /data/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/data/.DS_Store -------------------------------------------------------------------------------- /data/diabetes_classification/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/data/diabetes_classification/.DS_Store -------------------------------------------------------------------------------- /data/diabetes_classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/data/diabetes_classification/README.md -------------------------------------------------------------------------------- /data/diabetes_classification/diabetes_data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/data/diabetes_classification/diabetes_data.csv -------------------------------------------------------------------------------- /roadmap_for_reference.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lucifertrj/100DaysOfML/HEAD/roadmap_for_reference.png --------------------------------------------------------------------------------