Our Projects
Projects found: 87
Actor-Critic CartPole
Reinforcement learning implementation of an Actor-Critic model applied to the CartPole environment.
View ProjectAdversarial Attacks (Modified)
Modified version of adversarial attack techniques with new metrics and visualizations.
View ProjectAdversarial Attacks on Neural Networks
Explores adversarial vulnerabilities in deep learning models and attack techniques.
View ProjectArrays and Vectors with NumPy
Python script demonstrating array and vector manipulation using NumPy.
View ProjectAssign Adversarial Attacks
Notebook demonstrating assigned adversarial attack scenarios for testing model robustness.
View ProjectAttack & Defence - ImageNet v2.5
Updated adversarial attack and defense implementation using ImageNet dataset.
View ProjectAttack & Defense with Beagle (ImageNet)
Adversarial model trained using Beagle variation on ImageNet defense strategy.
View ProjectAttack and Defence - Beagle Model
Custom Beagle-based architecture for improved defense against adversarial attacks.
View ProjectAttack and Defence - ImageNet
Adversarial attack and defense strategy implementation for ImageNet model evaluation.
View ProjectAttack and Defence - ImageNet v2.5
Enhanced v2.5 version of attack and defense adversarial model with test metrics.
View ProjectBayesian Classification
Implementation of Bayesian classifiers for probabilistic data modeling and classification.
View ProjectBook: Deep Learning
Essential theory and foundation book on deep learning for AI and neural networks.
View ProjectBook: Deep Learning
Essential theory and foundation book on deep learning for AI and neural networks.
View ProjectBook: Deep Learning with Python (2nd Edition)
Comprehensive book covering practical deep learning with Python and Keras.
View ProjectBook: FairML Data 460
PDF reference book discussing fairness and explainability in machine learning.
View ProjectBook: FairML Data 460
PDF reference book discussing fairness and explainability in machine learning.
View ProjectBook: Hands-On ML with Scikit-Learn, Keras, TensorFlow (3rd Ed.)
Practical guidebook for implementing machine learning pipelines and deep learning models.
View ProjectBook: Hands-On ML with Scikit-Learn, Keras, TensorFlow (3rd Ed.)
Practical guidebook for implementing machine learning pipelines and deep learning models.
View ProjectBook: Machine Learning with Scikit-Learn, Keras, and TensorFlow
PDF textbook on ML frameworks and how to integrate them in Python workflows.
View ProjectBook: Machine Learning with Scikit-Learn, Keras, and TensorFlow
PDF textbook on machine learning frameworks and how to integrate them in Python workflows.
View ProjectBook: Projects for The Little SAS Book
EPUB reference book with exercises and projects based on The Little SAS Book.
View ProjectBook: Python for Data Analysis (3rd Edition)
EPUB version with the first two chapters of Wes McKinney's Python for Data Analysis.
View ProjectBook: The Elements of Statistical Learning (2nd Ed.)
PDF textbook covering statistical learning, classification, and regression in depth.
View ProjectBreast Cancer - Colab Version
PDF version of the Colab notebook analyzing breast cancer data.
View ProjectBreast Cancer Classification
Builds a supervised ML model for classifying breast cancer using diagnostic features.
View ProjectBuild a Decision Tree
Basic decision tree construction and evaluation using Python libraries.
View ProjectBuild a Decision Tree with Python
A step-by-step notebook to build a decision tree classifier in Python.
View ProjectBuild an XGBoost Model with Python
Train and evaluate an XGBoost model for structured data classification.
View ProjectCIFAR-10 Fake Image Analysis (2) - Script
Python script for analyzing fake CIFAR-10 images using NumPy and visualization.
View ProjectCIFAR-10 Fake Image Analysis (Notebook)
Jupyter notebook exploring fake image classification and softmax scoring using CIFAR-10.
View ProjectCIFAR-10 Fake Image Analysis Script
A standalone script for loading and analyzing generated CIFAR-10 images.
View ProjectCIFAR-10 Fake Images Analysis
Script that analyzes generated fake images on the CIFAR-10 dataset using predictions and visualization.
View ProjectCIFAR-10 GAN Complete (Original)
Original complete GAN notebook for image generation on CIFAR-10 dataset.
View ProjectCIFAR-10 GAN Final
A complete generative adversarial network (GAN) trained on the CIFAR-10 dataset to synthesize realistic images.
View ProjectCIFAR10GAN Complete 1
Complete GAN training notebook on CIFAR-10 dataset with additional layers and tweaks.
View ProjectChest CT Scan CNN
Deep learning-based model to classify chest CT scans into multiple cancer types using CNNs.
View ProjectChest CT Scan CNN (Original)
Initial CNN implementation for analyzing chest CT scan images.
View ProjectChest Cancer Detection (PDF Report)
Deep learning-based PDF paper for detecting chest cancer from CT scans.
View ProjectConstruct a Naive Bayes Model
Notebook to construct and test a Naive Bayes classifier from scratch in Python.
View ProjectData Preprocessing - German Dataset
Feature engineering and preprocessing for German credit dataset.
View ProjectDecision Tree Experiment 1
Early notebook test of decision tree functionality with sample data.
View ProjectEMR Glue with PySpark
Data pipeline example using AWS EMR, Glue, and PySpark integration.
View ProjectEvaluate Simple Linear Regression
Model evaluation and metric analysis for simple linear regression models.
View ProjectExplain a Neural Network Model
Interpretation of neural network layers and output using Python.
View ProjectHypothesis Testing with Python
Perform standard hypothesis testing procedures using Python.
View ProjectHypothesis Testing with Python (2)
Second version of hypothesis testing notebook for comparison and validation.
View ProjectInterpret Multiple Regression Results
Statistical interpretation of multiple linear regression output using Python.
View ProjectK-Means Clustering
Builds a K-means clustering model in Python to group data points into clusters.
View ProjectLogistic Regression
Notebook demonstrating binary classification using logistic regression.
View ProjectMLP Preprocessing Optimization
Optimizing MLP input data using pipeline techniques and visualizations.
View ProjectMLP Preprocessing with Plots
Enhanced MLP data preprocessing notebook with step-by-step visualizations.
View ProjectModified CIFAR-10 GAN
Enhanced GAN training notebook on the CIFAR-10 dataset with new architecture tweaks.
View ProjectMultiple Linear Regression
Notebook that builds a multiple linear regression model with standard datasets.
View ProjectMultiple Linear Regression (Alt)
Alternative implementation of multiple linear regression with visualization options.
View ProjectNaive Bayes with Python
Constructs a Naive Bayes classifier with Python for supervised learning tasks.
View ProjectOne-way vs Two-way ANOVA
Statistical comparison using one-way and two-way ANOVA tests in Python.
View ProjectOptimized Data Preprocessing
Performs data preparation and feature engineering using optimized pipelines.
View ProjectOptimized Data Preprocessing
Preprocessing pipeline optimization with cross-validation.
View ProjectOptimized Preprocessing v2
Updated and expanded version of optimized data preprocessing.
View ProjectPerform Feature Engineering
Notebook demonstrating various feature engineering techniques for ML models.
View ProjectPerform Feature Engineering
Notebook exploring various feature engineering techniques for machine learning.
View ProjectPerform Multiple Linear Regression
Explores multivariate linear regression using various implementation strategies.
View ProjectPerform Multiple Linear Regression (Alt)
Alternative notebook implementation for multiple linear regression comparison.
View ProjectRandom Forest Preprocessing with Plots
Data preprocessing and visual tracking for Random Forest optimization.
View ProjectRandom Forest with Cross-Validation
Build and evaluate a random forest model with cross-validation using Python.
View ProjectRandom Forest with Cross-Validation
Builds and evaluates a Random Forest model with cross-validation and performance metrics.
View ProjectRun Simple Linear Regression
Jupyter notebook that runs and explains a simple linear regression model.
View ProjectRun Simple Linear Regression
Build and evaluate a basic simple linear regression model in Python.
View ProjectSVM and Neural Network (MLB)
Notebook comparing SVM and NN models on Major League Baseball datasets.
View ProjectSalifort Motors Project Lab
Case study using machine learning to explore performance data at Salifort Motors.
View ProjectTest Rekognition Model
First implementation of AWS Rekognition on image classification tasks.
View ProjectTest Rekognition Model 3
Third experimental run of AWS Rekognition with additional images.
View ProjectTikTok Analysis (Alt Notebook)
Alternate notebook analyzing TikTok video trends using pandas and matplotlib.
View ProjectTune and Validate Decision Trees
A deep dive into optimizing decision tree hyperparameters.
View ProjectUpdated ImageNet Defense (Alt)
Alternative version of the updated adversarial defense implementation using ImageNet.
View ProjectUpdated ImageNet v2.5 Final
Final version of the adversarial attack and defense pipeline on ImageNet v2.5.
View ProjectUse K-Means for Color Compression
Applying K-Means clustering to reduce image color palette for compression.
View Project