Skip to content

Commit

Permalink
Reorganized directories by language and updated README files
Browse files Browse the repository at this point in the history
  • Loading branch information
ViswanathBalla22 committed Apr 17, 2024
1 parent bc2dc0d commit 31355ba
Show file tree
Hide file tree
Showing 92 changed files with 344 additions and 0 deletions.
11 changes: 11 additions & 0 deletions airbnb_price_prediction_regression/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,11 @@
# Airbnb Price Prediction with Regression

This repository contains machine learning examples for predicting Airbnb prices using regression techniques.

## Directories
- `python`: Contains Python examples.

## Files
- `python/airbnb_price_prediction_regression_py.ipynb`: Jupyter notebook for Airbnb price prediction using regression in Python.

Feel free to explore the notebook and learn about implementing regression techniques for predicting Airbnb prices.
13 changes: 13 additions & 0 deletions avocado_price_prediction_with_linear_regression/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,13 @@
# mlpack Examples: Avocado Price Prediction with Linear Regression

This repository contains machine learning examples using mlpack for predicting avocado prices using linear regression in both Python and C++.

## Directories
- `python`: Contains Python examples.
- `cpp`: Contains C++ examples.

## Files
- `python/avocado_price_prediction_with_lr_py.ipynb`: Jupyter notebook for avocado price prediction using linear regression in Python.
- `cpp/avocado_price_prediction_with_lr_cpp.ipynb`: Jupyter notebook for avocado price prediction using linear regression in C++.

Feel free to explore the notebooks and learn about implementing linear regression for avocado price prediction using mlpack.
13 changes: 13 additions & 0 deletions breast_cancer_wisconsin_transformation_with_pca/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,13 @@
# Breast Cancer Wisconsin Transformation with PCA

This directory contains machine learning examples focusing on breast cancer Wisconsin transformation using Principal Component Analysis (PCA) in both Python and C++.

## Directories
- `cpp`: Contains C++ examples.
- `py`: Contains Python examples.

## Files
- `cpp/breast-cancer-wisconsin-pca-cpp.ipynb`: C++ notebook for breast cancer Wisconsin transformation with PCA.
- `py/breast-cancer-wisconsin-pca-py.ipynb`: Python notebook for breast cancer Wisconsin transformation with PCA.

Explore the notebooks in the respective directories to learn about implementing PCA for breast cancer data transformation in Python and C++.
15 changes: 15 additions & 0 deletions cifar10_cnn/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,15 @@
# CIFAR-10 Classification with Convolutional Neural Networks

This directory contains machine learning examples focusing on classifying CIFAR-10 images using Convolutional Neural Networks (CNN).

## Directories
- `images`: Contains image assets used in the notebooks.
- `cpp`: Contains C++ implementations.
- `py`: Contains Python implementations.

## Files
- `cpp/cifar10_eval.cpp`: C++ implementation for evaluating CIFAR-10 image classification using CNN.
- `cpp/cifar_train.cpp`: C++ implementation for training CIFAR-10 image classification model using CNN.
- `py/cifar10_eval.ipynb`: Notebook for evaluating CIFAR-10 image classification using CNN in Python.

Explore the notebooks and code files to learn about implementing CNN for CIFAR-10 image classification in Python and C++.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes
File renamed without changes
File renamed without changes.
14 changes: 14 additions & 0 deletions cifar10_transformation_with_pca/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,14 @@
# CIFAR-10 Transformation with PCA

This directory contains machine learning examples focusing on transforming CIFAR-10 images using Principal Component Analysis (PCA).

## Directories
- `images`: Contains image assets used in the notebooks.
- `cpp`: Contains C++ implementations.
- `py`: Contains Python implementations.

## Files
- `cpp/cifar-10-pca-cpp.ipynb`: Notebook demonstrating PCA transformation on CIFAR-10 images using C++.
- `py/cifar-10-pca-py.ipynb`: Notebook showcasing PCA transformation on CIFAR-10 images using Python.

Explore the notebooks and code files to learn about implementing PCA for transforming CIFAR-10 images in Python and C++.
11 changes: 11 additions & 0 deletions contact_tracing_clustering_with_dbscan/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,11 @@
# Contact Tracing Clustering with DBSCAN using mlpack

This directory contains machine learning examples focusing on clustering contact tracing data using DBSCAN (Density-Based Spatial Clustering of Applications with Noise) with mlpack, a fast, scalable machine learning library.

## Directories
- `cpp`: Contains C++ implementations.

## Files
- `cpp/contact-tracing-dbscan-cpp.ipynb`: Notebook demonstrating contact tracing clustering using DBSCAN with mlpack in C++.

Explore the notebook to learn about implementing DBSCAN for clustering contact tracing data in C++ with mlpack.
11 changes: 11 additions & 0 deletions customer_personality_clustering/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,11 @@
# Customer Personality Clustering

This directory contains machine learning examples focusing on clustering customer personalities based on various features.

## Directories
- `python`: Contains Python implementations.

## Files
- `python/customer_personality_clustering_py.ipynb`: Notebook showcasing customer personality clustering using Python.

Explore the notebook and code files to learn about clustering customer personalities based on their features.
11 changes: 11 additions & 0 deletions dominant-colors-with-kmeans/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,11 @@
# Dominant Colors Extraction with K-Means using mlpack

This directory contains a machine learning example focusing on extracting dominant colors from images using K-Means clustering with mlpack, a fast, scalable machine learning library.

## Directories
- `cpp`: Contains C++ implementations.

## Files
- `cpp/dominant-colors-kmeans-cpp.ipynb`: Notebook demonstrating dominant colors extraction using K-Means with mlpack in C++.

Explore the notebook to learn about implementing K-Means for extracting dominant colors from images in C++ with mlpack.
17 changes: 17 additions & 0 deletions forest_covertype_prediction_with_random_forests/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,17 @@
# Forest Covertype Prediction with Random Forests

This directory contains machine learning examples focusing on predicting forest covertype using random forests in various programming languages.

## Directories
- `cpp`: Contains C++ implementations.
- `go`: Contains Go implementations.
- `jl`: Contains Julia implementations.
- `py`: Contains Python implementations.

## Files
- `cpp/covertype-rf-cpp.ipynb`: Notebook demonstrating forest covertype prediction using random forests in C++.
- `go/covertype-rf-go.ipynb`: Notebook illustrating forest covertype prediction using random forests in Go.
- `jl/covertype-rf-jl.ipynb`: Notebook demonstrating forest covertype prediction using random forests in Julia.
- `py/covertype-rf-py.ipynb`: Notebook showcasing forest covertype prediction using random forests in Python.

Explore the notebooks to learn about implementing random forests for predicting forest covertype across different programming languages.
13 changes: 13 additions & 0 deletions graduate_admission_classification_with_Adaboost/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,13 @@
# Graduate Admission Classification with AdaBoost

This directory contains machine learning examples focusing on classifying graduate admission using AdaBoost algorithm in different programming languages.

## Directories
- `cpp`: Contains C++ implementations.
- `py`: Contains Python implementations.

## Files
- `cpp/graduate-admission-classification-with-adaboost-cpp.ipynb`: Notebook demonstrating graduate admission classification using AdaBoost in C++.
- `py/graduate-admission-classification-with-adaboost-py.ipynb`: Notebook showcasing graduate admission classification using AdaBoost in Python.

Explore the notebooks to learn about implementing AdaBoost for classifying graduate admission across different programming languages.
11 changes: 11 additions & 0 deletions iris-classification/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,11 @@
# Iris Classification

This directory contains machine learning examples focusing on classifying iris flowers using various classification algorithms in Python.

## Directories
- `py`: Contains Python implementations.

## Files
- `py/iris-classification-py.ipynb`: Notebook showcasing iris flower classification using Python.

Explore the notebook to learn about implementing classification algorithms for classifying iris flowers in Python.
13 changes: 13 additions & 0 deletions loan_default_prediction_with_decision_tree/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,13 @@
# Loan Default Prediction with Decision Tree

This directory contains machine learning examples focusing on predicting loan defaults using decision trees in different programming languages.

## Directories
- `cpp`: Contains C++ implementations.
- `py`: Contains Python implementations.

## Files
- `cpp/loan-default-prediction-with-decision-tree-cpp.ipynb`: Notebook demonstrating loan default prediction using decision trees in C++.
- `py/loan-default-prediction-with-decision-tree-py.ipynb`: Notebook showcasing loan default prediction using decision trees in Python.

Explore the notebooks to learn about implementing decision trees for predicting loan defaults across different programming languages.
13 changes: 13 additions & 0 deletions lstm_electricity_consumption/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,13 @@
# LSTM Electricity Consumption Forecasting

This directory contains machine learning examples focusing on forecasting electricity consumption using LSTM (Long Short-Term Memory) networks.

## Directories
- `C++`: Contains C++ implementations and Makefiles.

## Files
- `C++/lstm_electricity_consumption.cpp`: C++ code demonstrating LSTM-based electricity consumption forecasting.
- `C++/Makefile`: Makefile for compiling the C++ code.
- `C++/tutorial.txt`: Tutorial file providing additional information and instructions.

Explore the C++ code and tutorial to learn about implementing LSTM networks for electricity consumption forecasting.
File renamed without changes.
File renamed without changes.
20 changes: 20 additions & 0 deletions lstm_stock_prediction/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,20 @@
# LSTM Electricity Consumption Forecasting

This directory contains machine learning examples focusing on forecasting electricity consumption using LSTM (Long Short-Term Memory) networks.

## Directories
- `C++`: Contains C++ implementations and Makefiles.
- `Jupyter_notebook_code`: Contains code relative to Jupyter notebooks.

## Files
### C++ Examples
- `C++/lstm_electricity_consumption.cpp`: C++ code demonstrating LSTM-based electricity consumption forecasting.
- `C++/Makefile`: Makefile for compiling the C++ code.

### Jupyter Notebook Example
- `Jupyter_notebook_code/lstm_multivariate_time_series_prediction.ipynb`: Notebook illustrating multivariate time series prediction using LSTM.

### Additional Resources
- `tutorial.txt`: Tutorial file providing additional information and instructions.

Explore the code and tutorial to learn about implementing LSTM networks for electricity consumption forecasting.
File renamed without changes.
File renamed without changes.
16 changes: 16 additions & 0 deletions microchip_quality_control_naive_bayes/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,16 @@
# Microchip Quality Control with Naive Bayes

This directory contains machine learning examples focusing on microchip quality control using Naive Bayes classification.

## Directories
- `C++`: Contains C++ implementations.
- `Python`: Contains Python implementations.

## Files
### C++ Example
- `C++/microchip-quality-control-naive-bayes-cpp.ipynb`: Notebook demonstrating microchip quality control using Naive Bayes in C++.

### Python Example
- `Python/microchip-quality-control-naive-bayes-py.ipynb`: Notebook showcasing microchip quality control using Naive Bayes in Python.

Explore the notebooks to learn about implementing Naive Bayes classification for microchip quality control in C++ and Python.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
21 changes: 21 additions & 0 deletions mnist_vae_cnn/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,21 @@
# MNIST Variational Autoencoder with CNN

This directory contains machine learning examples focusing on implementing a Variational Autoencoder (VAE) with Convolutional Neural Networks (CNN) for the MNIST dataset.

## Directories
- `images`: Contains images used in the examples.
- `latent`: Contains samples generating code from models repo.
- `samples_posterior`: Contains samples generating code from models repo.
- `samples_prior`: Contains samples generating code from models repo.

## Files
### C++ Implementations
- `C++/Makefile`: Makefile for compiling the C++ code.
- `C++/mnist_vae_cnn.cpp`: C++ code demonstrating VAE with CNN for MNIST dataset.
- `C++/vae_generate.cpp`: C++ code for generating VAE samples.
- `C++/vae_utils.hpp`: Header file containing utility functions.

### Python Implementation
- `generate_images.py`: Python script for generating samples.

Explore the code, directories, and images to learn about implementing VAE with CNN for the MNIST dataset.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes.
16 changes: 16 additions & 0 deletions movie_lens_prediction_with_cf/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,16 @@
# Movie Lens Recommendation with Collaborative Filtering

This directory contains machine learning examples focusing on movie recommendation using Collaborative Filtering.

## Directories
- `cpp`: Contains C++ implementations.
- `Python`: Contains Python implementations.

## Files
### C++ Example
- `cpp/movie-lens-cf-cpp.ipynb`: Notebook demonstrating movie recommendation using Collaborative Filtering in C++.

### Python Example
- `Python/movie-lens-cf-py.ipynb`: Notebook showcasing movie recommendation using Collaborative Filtering in Python.

Explore the notebooks to learn about implementing Collaborative Filtering for movie recommendation in C++ and Python.
19 changes: 19 additions & 0 deletions neural_network_regression/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,19 @@
# Neural Network Regression

This directory contains machine learning examples focusing on regression tasks using Neural Networks.

## Directories
- `cpp`: Contains C++ implementations.
- `jupiter_notebook_code`: Contains Jupyter notebook implementations.

## Files
### C++ Example
- `cpp/nn_regression.cpp`: C++ code demonstrating neural network regression.

### Jupyter Notebook
- `jupiter_notebook_code/neural_network_regression.ipynb`: Notebook illustrating neural network regression.

### Additional Files
- `Makefile`: Makefile for compiling the C++ code.

Explore the code and notebooks to learn about implementing neural network regression in C++ and Jupyter notebook.
File renamed without changes.
File renamed without changes.
12 changes: 12 additions & 0 deletions pima_indians_diabetes_clustering_with_kmeans/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,12 @@
# Pima Indians Diabetes Clustering with K-means

This directory contains machine learning examples focusing on clustering the Pima Indians Diabetes dataset using K-means.

## Directories
- `cpp`: Contains C++ implementations.

## Files
### C++ Example
- `cpp/pima-indians-diabetes-kmeans-cpp.ipynb`: Notebook demonstrating K-means clustering on the Pima Indians Diabetes dataset using C++.

Explore the notebook to learn about implementing K-means clustering for the Pima Indians Diabetes dataset in C++.
12 changes: 12 additions & 0 deletions portfolio_optimization/cpp/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,12 @@
# Portfolio Optimization

This directory contains machine learning examples focusing on portfolio optimization.

## Directories
- `cpp`: Contains C++ implementations.

## Files
### C++ Example
- `cpp/portfolio-optimization-cpp.ipynb`: Notebook demonstrating portfolio optimization using C++.

Explore the notebook to learn about implementing portfolio optimization in C++.
12 changes: 12 additions & 0 deletions rain_in_australia_classification/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,12 @@
# Rain in Australia Classification

This directory contains machine learning examples focusing on predicting rain in Australia using classification methods.

## Directories
- `Python`: Contains Python implementations.

## Files
### Python Example
- `Python/rain_in_australia_classification_py.ipynb`: Notebook demonstrating rain prediction in Australia using classification in Python.

Explore the notebook to learn about implementing classification for rain prediction in Australia using Python.
16 changes: 16 additions & 0 deletions rainfall_prediction_with_random_forest/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,16 @@
# Rainfall Prediction with Random Forest

This directory contains machine learning examples focusing on predicting rainfall using Random Forest.

## Directories
- `cpp`: Contains C++ implementations.
- `Python`: Contains Python implementations.

## Files
### C++ Example
- `cpp/rainfall-prediction-with-random-forest-cpp.ipynb`: Notebook demonstrating rainfall prediction using Random Forest in C++.

### Python Example
- `Python/rainfall-prediction-with-random-forest-py.ipynb`: Notebook showcasing rainfall prediction using Random Forest in Python.

Explore the notebooks to learn about implementing Random Forest for rainfall prediction in C++ and Python.
18 changes: 18 additions & 0 deletions rocket_injector_design/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,18 @@
# Rocket Injector Design

This directory contains machine learning examples focusing on rocket injector design.

## Directories
- `cpp`: Contains C++ implementations.

## Files
### C++ Example
- `cpp/rocket-injector-design-cpp.ipynb`: Notebook demonstrating rocket injector design using C++.

## Media
- `combustion.gif`: GIF illustrating combustion.
- `design.jpg`: Image depicting the design process.
- `objectives.jpg`: Image showing the objectives.
- `unstable.gif`: GIF showing unstable behavior.

Explore the notebook and media files to learn about implementing rocket injector design in C++.
16 changes: 16 additions & 0 deletions salary_prediction_with_linear_regression/README.md
Original file line number Diff line number Diff line change
@@ -0,0 +1,16 @@
# Salary Prediction with Linear Regression

This directory contains machine learning examples focusing on salary prediction using Linear Regression.

## Directories
- `cpp`: Contains C++ implementations.
- `Python`: Contains Python implementations.

## Files
### C++ Example
- `cpp/salary-prediction-linear-regression-cpp.ipynb`: Notebook demonstrating salary prediction using Linear Regression in C++.

### Python Example
- `Python/salary-prediction-linear-regression-py.ipynb`: Notebook showcasing salary prediction using Linear Regression in Python.

Explore the notebooks to learn about implementing Linear Regression for salary prediction in C++ and Python.

0 comments on commit 31355ba

Please sign in to comment.