https://github.com/caite21/machine-learning
Collection of Machine Learning Python/Jupyter Notebook Files (Classical ML & Deep Learning)
https://github.com/caite21/machine-learning
cnn-keras decision-trees fuzzy-logic jupyter-notebook knn machine-learning neural-networks python regression
Last synced: 30 days ago
JSON representation
Collection of Machine Learning Python/Jupyter Notebook Files (Classical ML & Deep Learning)
- Host: GitHub
- URL: https://github.com/caite21/machine-learning
- Owner: caite21
- Created: 2024-02-09T05:06:08.000Z (about 1 year ago)
- Default Branch: main
- Last Pushed: 2024-12-20T20:55:23.000Z (2 months ago)
- Last Synced: 2024-12-20T21:40:23.634Z (2 months ago)
- Topics: cnn-keras, decision-trees, fuzzy-logic, jupyter-notebook, knn, machine-learning, neural-networks, python, regression
- Language: Jupyter Notebook
- Homepage:
- Size: 1.28 MB
- Stars: 0
- Watchers: 1
- Forks: 0
- Open Issues: 0
-
Metadata Files:
- Readme: README.md
Awesome Lists containing this project
README
# Machine Learning Models Portfolio
Welcome to the Machine Learning Models Portfolio repository! This repository is a collection of diverse machine learning projects, each showcasing a unique application of algorithms and methodologies. The projects demonstrate both foundational and advanced machine learning techniques implemented in Python.
## Repository Overview
- Convolutional Neural Network (CNN): [Convolutional Neural Network for CIFAR-10 Dataset](https://github.com/caite21/Machine-Learning/tree/main?tab=readme-ov-file#convolutional-neural-network-for-cifar-10-dataset)
- Linear Regression and Logistic Regression: [Housing Price Regression Model](https://github.com/caite21/Machine-Learning/tree/main?tab=readme-ov-file#housing-price-regression-model)
- Decision Trees and Random Forest: [Poisonous Mushrooms Decision Trees](https://github.com/caite21/Machine-Learning/tree/main?tab=readme-ov-file#poisonous-mushrooms-decision-trees)
- Neural Network: [Wine_MLP](https://github.com/caite21/Machine-Learning/blob/main/MLP_with_backprop.py)
- K-Nearest Neighbors (kNN): [kNN_Cancer_Classifier](https://github.com/caite21/Machine-Learning/blob/main/kNN_cancer_classifier.py)
- Fuzzy Logic: [Tip_Decision_Fuzzy_Logic](https://github.com/caite21/Machine-Learning/blob/main/tip_decision_fuzzy_logic.py)For another CNN for meteor detection and working with OpenCV, see [Autonomous-Meteor-Detection](https://github.com/caite21/Autonomous-Meteor-Detection)
## Convolutional Neural Network for CIFAR-10 Dataset
[📁 CNN_CIFAR10](https://github.com/caite21/Machine-Learning/blob/main/CNN_CIFAR10.ipynb)
This project trains CNNs on the CIFAR-10 dataset (60,000 32x32 images, 10 classes) to optimize performance and enable user predictions.
**Highlights:**
- **Models Tested:** 5 variations, with 3-layer architectures showing the best generalization (up to 73% test accuracy). Dropout (50%) improves results.
- **Insights:** Pooling layers aid generalization; larger layers slightly boost accuracy. Training beyond 10 epochs has minimal impact.**Try It:**
Download the pre-trained model (CNN_CIFAR10.keras) and use the provided notebook to predict custom 32x32 images.
**Images:**
data:image/s3,"s3://crabby-images/997cc/997cc96267a427da84297fcd005f2f2b604904d1" alt="automobile_cnn_prediction"
**Example 1:**
A sample 32x32 image of an automobile was correctly classified as an automobile. The model's predictions, visualized in a bar plot, show high confidence for "automobile" with lower probabilities for "truck" and "boat," and minimal likelihood for any animal classes. This demonstrates the model's ability to distinguish vehicles from unrelated categories.data:image/s3,"s3://crabby-images/4be1c/4be1cdb90aab9cd9277c3c454575929730286756" alt="horse_cnn_prediction"
**Example 2:**
A 32x32 image of a horse was incorrectly classified as a deer, with "horse" as the second most likely prediction. The model confidently ruled out unrelated categories like "automobile." While not perfect, the prediction was reasonably close, highlighting areas for improvement in the model's accuracy.## Housing Price Regression Model
[📁 House_Price_Regression](https://github.com/caite21/Machine-Learning/blob/main/House_Price_Regression.ipynb)
This project analyzes a housing dataset by preprocessing categorical data with one-hot encoding, dropping uncorrelated features, and fitting a linear regression model that achieves an R-squared value of 0.86. It further explores price classification by creating two categories: above or below $175,000, and applies a logistic regression model, reaching an F1 score of 0.93.
data:image/s3,"s3://crabby-images/db63c/db63cc18d65c15a38947cff29696844a33a9fc34" alt="price_linear_regression"
Scatter plot comparing actual vs. predicted house prices from the linear regression model. The red dashed line represents a perfect prediction (where predicted prices equal actual prices), highlighting the model's performance in predicting house prices with an R-squared value of 0.86.
data:image/s3,"s3://crabby-images/606e1/606e19a24829a6a1c43a905fabd61c2ffd9f6413" alt="price_logistic_regression"
Visualizes the distribution of house prices in the dataset and illustrates how the logistic regression model classifies prices as either above or below $175,000.
data:image/s3,"s3://crabby-images/40fd6/40fd6dddf68239415874f451609205d6a0487ff6" alt="price_logistic_matrix"
Confusion matrix showing the logistic regression model's performance in classifying house prices as above $175,000 (1) or below $175,000 (0), with an F1 score of 0.93.
## Poisonous Mushrooms Decision Trees
[📁 Poisonous_Mushroom_Decision_Trees](https://github.com/caite21/Machine-Learning/blob/main/Poisonous_Mushroom_Decision_Trees.ipynb)
This Jupyter Notebook compares three decision tree models—Gini index, Entropy, and Random Forest—to classify mushrooms as edible or poisonous. Each model is tuned for optimal hyperparameters, achieving 100% accuracy. Cross-validation results are also included to assess model performance.
data:image/s3,"s3://crabby-images/ddc38/ddc38b0e86bfad92d2722ee4db1d86d487f5b9b7" alt="mushroom_decision_tree"
Decision tree visualization for classifying mushrooms as poisonous or edible based on their characteristics, using entropy as the splitting criterion and achieving 100% accuracy.
## Acknowledgments
- [Scikit-learn](https://scikit-learn.org/stable/) for providing machine learning tools.
- [TensorFlow](https://www.tensorflow.org/) and [Keras](https://keras.io/) for deep learning frameworks.
- [Pandas](https://pandas.pydata.org/) and [NumPy](https://numpy.org/doc/stable/) for data manipulation and analysis.