A package for optimization. See the GitHub repo for instructions and version notes.
Project description
oscars-toolbox
A package for helpful general algorithms I've developed. See the PyPI release: https://pypi.org/project/oscars-toolbox/. See also my wesbite, https://oscars47.github.io/.
Current functions as of latest version:
trabbit
This repository contains a custom gradient descent algorithm called "Tortoise and Rabbit" (trabbit) implemented in Python. The algorithm aims to perform double optimization to determine the best parameters for a given loss function by incorporating both gradient descent and random input generation strategies.
Functions and Their Usage
trabbit
The trabbit
function implements the custom gradient descent algorithm. It optimizes the parameters of a given loss function using a combination of gradient descent and random input generation.
-
Parameters:
loss_func
: A function to minimize. Assumes all arguments are already passed throughpartial
.random_gen
: A function to generate random inputs.bounds
: Bounds for each parameter (default:None
). IfNone
, no bounds are implemented.x0_ls
: Initial guesses within a list (default:None
). IfNone
,random_gen
is used. Can also be a list of initial parameters to try before implementing gradient descent.num
: Number of iterations (default: 1000).alpha
: Learning rate (default: 0.3).temperature
: Fraction of iterations to use for random input generation (default: 0.1).tol
: Tolerance for convergence. The algorithm stops if the loss is less thantol
(default: 1e-5).grad_step
: Step size to estimate the gradient (default: 1e-8).verbose
: Whether to print out the loss at each iteration (default:True
).
-
Returns:
x_best
: Best parameters found.loss_best
: Best loss achieved.
-
Example Usage:
from oscars_toolbox.trabbit import trabbit # Define a sample loss function def sample_loss(x): return np.sum(x**2) # Define a random input generator def random_gen(): return np.random.uniform(-10, 10, size=3) # Run the trabbit algorithm best_params, best_loss = trabbit(sample_loss, random_gen) print(f'Best parameters: {best_params}') print(f'Best loss: {best_loss}')
Detailed Description
The trabbit
function incorporates a combination of gradient descent and random input generation to optimize a loss function. The algorithm proceeds as follows:
-
Initial Guess:
- If
x0_ls
is provided, each initial guess is evaluated using a minimization function (min_func
). Ifx0_ls
isNone
, random inputs are generated usingrandom_gen
.
- If
-
Minimization Function:
- The
min_func
uses the Nelder-Mead algorithm (or bounded optimization ifbounds
are provided) to minimize the loss function and return the optimal parameters.
- The
-
Gradient Descent with Random Hopping:
- The algorithm performs gradient descent with a specified learning rate (
alpha
). If no improvement is seen for a specified fraction of iterations (temperature
), the algorithm hops out and uses a new random input generated byrandom_gen
.
- The algorithm performs gradient descent with a specified learning rate (
-
Convergence Check:
- The algorithm checks if the gradient is too small or if the loss is below the tolerance level (
tol
). If so, it hops out or terminates.
- The algorithm checks if the gradient is too small or if the loss is below the tolerance level (
-
Verbose Output:
- If
verbose
isTrue
, the algorithm prints the current loss, best loss, and iteration details at each step.
- If
-
Keyboard Interrupt Handling:
- The algorithm gracefully handles keyboard interrupts and prints the best parameters and corresponding loss found so far.
implement_torch
The primary functions include training a model, evaluating its performance, and counting the number of trainable parameters. The functions utilize popular libraries such as torch
, torch.nn
, torch.optim
, tqdm
, and sklearn
.
Functions
1. train_only
This function trains a given model on the provided training data and evaluates it on the validation data.
-
Parameters:
model
: The neural network model to be trained.device
: The device to use for computation (cpu
orcuda
).train_loader
: DataLoader for the training dataset.val_loader
: DataLoader for the validation dataset.num_epochs
: Number of training epochs (default: 5).learning_rate
: Learning rate for the optimizer (default: 1e-3).weight_decay
: Weight decay (L2 regularization) factor for the optimizer (default: 1e-4).loss_func
: Loss function to use (default:nn.CrossEntropyLoss()
).
-
Returns:
model
: The trained model.train_accuracy
: Training accuracy.val_accuracy
: Validation accuracy.train_acc_ls
: List of training accuracies for each epoch.val_acc_ls
: List of validation accuracies for each epoch.
-
Example Usage:
model, train_accuracy, val_accuracy, train_acc_ls, val_acc_ls = train_only(model, device, train_loader, val_loader)
2. train_model
This function constructs and trains a model based on the provided architecture and training settings. This differs from train_only
because it only
-
Parameters:
model_func
: Function to create the model.device
: The device to use for computation (cpu
orcuda
).train_loader
: DataLoader for the training dataset.val_loader
: DataLoader for the validation dataset.input_size
: Size of the input layer.output_size
: Size of the output layer.neurons_ls
: List specifying the number of neurons in each hidden layer.num_epochs
: Number of training epochs (default: 5).learning_rate
: Learning rate for the optimizer (default: 1e-3).weight_decay
: Weight decay (L2 regularization) factor for the optimizer (default: 1e-4).use_cnn
: Boolean flag to indicate if a convolutional neural network (CNN) should be used (default: False).loss_func
: Loss function to use (default:nn.CrossEntropyLoss()
).img_channels
: Number of image channels (default: 3).
-
Returns:
model
: The trained model.
-
Example Usage:
model = train_model(my_model_func, device, train_loader, val_loader, input_size, output_size, neurons_ls)
3. evaluate
This function evaluates a trained model on the test data and returns the confusion matrix and optionally other metrics. Only use if using the models defined in torch_models.py
.
-
Parameters:
model
: The trained neural network model.test_loader
: DataLoader for the test dataset.num_classes
: Number of classes in the dataset.device
: The device to use for computation (cpu
orcuda
).return_extra_metrics
: Boolean flag to indicate if additional metrics (accuracy, precision, recall, F1 score) should be returned (default: False).
-
Returns:
conf_matrix
: Confusion matrix.accuracy
: Accuracy score (ifreturn_extra_metrics
is True).precision
: Precision score (ifreturn_extra_metrics
is True).recall
: Recall score (ifreturn_extra_metrics
is True).f1
: F1 score (ifreturn_extra_metrics
is True).
-
Example Usage:
conf_matrix, accuracy, precision, recall, f1 = evaluate(model, test_loader, num_classes, device, return_extra_metrics=True)
4. count_parameters_torch
This function counts the number of trainable parameters in a model.
-
Parameters:
model
: The neural network model.
-
Returns:
num_params
: The number of trainable parameters.
-
Example Usage:
num_params = count_parameters_torch(model) print(f'The model has {num_params} trainable parameters.')
Example Workflow
from oscars_toolbox.implement_torch import train_only, evaluate
import matplotlib.pyplot as plt
# Assuming `train_loader`, `val_loader`, `test_loader` are defined DataLoader objects
# and `my_model_func` is a function that creates a neural network model
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
# Train the model
model, train_accuracy, val_accuracy, train_acc_ls, val_acc_ls = train_only(my_model_func, device, train_loader, val_loader, num_epochs=20)
# Evaluate the model
conf_matrix, accuracy, precision, recall, f1 = evaluate(model, test_loader, num_classes=10, device=device, return_extra_metrics=True)
# Plot confusion matrix
ax, fig = plt.subplots(1,1, figsize=(7,5))
cm = ax.imshow(conf_matrix, cmap='viridis')
fig.colorbar(cm, ax=ax)
print(f"Test Accuracy: {accuracy}")
# Count the number of trainable parameters
num_params = count_parameters_torch(model)
print(f'The model has {num_params} trainable parameters.')
torch_models.py
This repository contains Python code for implementing various neural network architectures using PyTorch, including standard Multi-Layer Perceptrons (MLP), Convolutional Neural Networks (CNN), and K-Nearest Neighbor (KAN) layers. The code also includes a modified CNN architecture with KAN layers integrated.
Functions and Classes
1. MLP
Implements a standard Multi-Layer Perceptron (MLP) with configurable hidden layers and neurons.
-
Parameters:
neurons_ls
: List of integers representing the number of neurons in each layer, including the input and output layers.
-
Example Usage:
model = MLP([784, 128, 64, 10])
2. TestCNN
Implements a standard Convolutional Neural Network (CNN) for image classification tasks.
-
Parameters:
num_classes
: Number of output classes (default: 10).num_channels
: Number of input channels (default: 3).
-
Example Usage:
model = TestCNN(num_classes=10, num_channels=3)
3. TestCNNKAN
Implements a modified CNN with a KAN layer for image classification tasks.
-
Parameters:
num_classes
: Number of output classes (default: 10).num_channels
: Number of input channels (default: 3).
-
Example Usage:
model = TestCNNKAN(num_classes=10, num_channels=3)
4. CNN
Implements a generalized CNN for any number of convolutional layers followed by linear layers.
-
Parameters:
img_size
: Tuple containing the height and width of the input images.in_channels
: Number of channels in the input data.num_classes
: Number of output classes.conv_layers
: List of tuples containing the number of out_channels, kernel_size, and stride for each convolutional layer.
-
Example Usage:
model = CNN((32, 32), 3, 10, [(32, 3, 1), (64, 3, 1)])
5. KCNN
Implements a modified CNN with KAN layers for image classification tasks.
-
Parameters:
img_size
: Tuple containing the height and width of the input images.in_channels
: Number of channels in the input data.num_classes
: Number of output classes.conv_layers
: List of tuples containing the number of out_channels, kernel_size, and stride for each convolutional layer.
-
Example Usage:
model = KCNN((32, 32), 3, 10, [(32, 3, 1), (64, 3, 1)])
Example Workflow
Here is an example workflow using the provided classes and functions to train and evaluate a model:
- Import Necessary Libraries:
import torch from torch import nn, optim from torch.utils.data import DataLoader, TensorDataset
from oscars_toolbox.torch_models import MLP, CNN from oscars_toolbox.implement_torch import train_only, evaluate
2. **Prepare Data Loaders**:
```python
# Example data
train_data = TensorDataset(torch.randn(100, 3, 32, 32), torch.randint(0, 10, (100,)))
val_data = TensorDataset(torch.randn(20, 3, 32, 32), torch.randint(0, 10, (20,)))
test_data = TensorDataset(torch.randn(20, 3, 32, 32), torch.randint(0, 10, (20,)))
train_loader = DataLoader(train_data, batch_size=10)
val_loader = DataLoader(val_data, batch_size=10)
test_loader = DataLoader(test_data, batch_size=10)
-
Define Model and Training Parameters:
device = torch.device("cuda" if torch.cuda.is_available() else "cpu") neurons_ls = [784, 128, 64, 10] # Example for MLP conv_layers = [(32, 3, 1), (64, 3, 1)] # Example for CNN
-
Train the Model:
# Using MLP model = MLP(neurons_ls) trained_model, train_acc, val_acc, train_acc_ls, val_acc_ls = train_only(model, device, train_loader, val_loader) # Using CNN model = CNN((32, 32), 3, 10, conv_layers) trained_model, train_acc, val_acc, train_acc_ls, val_acc_ls = train_only(model, device, train_loader, val_loader)
-
Evaluate the Model:
conf_matrix, accuracy, precision, recall, f1 = evaluate(trained_model, test_loader, num_classes=10, device=device, return_extra_metrics=True) print(f'Confusion Matrix:\n{conf_matrix}') print(f'Test Accuracy: {accuracy}') print(f'Test Precision: {precision}') print(f'Test Recall: {recall}') print(f'Test F1 Score: {f1}')
-
Count Trainable Parameters:
num_params = count_parameters_torch(trained_model) print(f'The model has {num_params} trainable parameters.')
implement_xgb.py
Functions
The evaluate_xgb
function is designed to evaluate the performance of an XGBoost model on a validation dataset. Here's a detailed description of its functionality:
Parameters:
xgb_model
: The trained XGBoost model to be evaluated.X_val
: The validation input features.y_val
: The true labels for the validation set.return_extra_metrics
(default isFalse
): A boolean flag indicating whether to return additional evaluation metrics beyond the confusion matrix.
Functionality:
-
Time Tracking:
- The function records the start time using
time.time()
.
- The function records the start time using
-
Prediction:
- The model makes predictions on the validation data
X_val
and stores them iny_pred
.
- The model makes predictions on the validation data
-
Time Tracking:
- The function records the end time using
time.time()
.
- The function records the end time using
-
Confusion Matrix:
- The function computes the confusion matrix for
y_val
andy_pred
usingconfusion_matrix(y_val, y_pred, normalize='true')
.
- The function computes the confusion matrix for
-
Return Basic Metrics:
- If
return_extra_metrics
isFalse
, the function returns only the confusion matrix.
- If
-
Return Extra Metrics:
- If
return_extra_metrics
isTrue
, the function calculates additional performance metrics:accuracy
: The accuracy score of the predictions.precision
: The weighted precision score.recall
: The weighted recall score.f1
: The weighted F1 score.roc_auc
: The weighted ROC-AUC score.
- It also calculates the time taken per sample by dividing the total evaluation time by the number of samples in
y_val
. - The function returns a tuple containing the confusion matrix, accuracy, precision, recall, F1 score, ROC-AUC score, and time per sample.
- If
Returns:
- If
return_extra_metrics
isFalse
: The confusion matrix. - If
return_extra_metrics
isTrue
: A tuple containing the confusion matrix, accuracy, precision, recall, F1 score, ROC-AUC score, and time per sample.
plot_confusion_matrix
This function is designed to plot and save confusion matrices for validation and test datasets, along with their respective accuracies. Here is a detailed description of its functionality:
Parameters:
confusion_matrix_val
: The confusion matrix for the validation set (numpy array).confusion_matrix_test
: The confusion matrix for the test set (numpy array).allowed_categories
: A list of category labels for the axes of the confusion matrices.accuracy_val
: The accuracy of the model on the validation set (float).accuracy_test
: The accuracy of the model on the test set (float).save_path
: The path where the resulting plot will be saved (string).show_percentages
(default isFalse
): A boolean flag indicating whether to display percentages in the cells of the confusion matrices.
Functionality:
-
Plotting Setup:
- The function creates a figure with two subplots arranged horizontally, each for one of the confusion matrices (validation and test).
- It sets the size of the figure to be 18 by 9 inches.
-
Validation Confusion Matrix Plot:
- The first subplot (
ax[0]
) displays the confusion matrix for the validation set using a colormap (viridis
). - A colorbar is added to the subplot for reference.
- The x-axis and y-axis ticks are set according to the number of categories in
allowed_categories
. - The tick labels are set to
allowed_categories
, with the x-axis labels rotated 90 degrees for better readability. - The subplot is labeled with "Predicted" on the x-axis and "Actual" on the y-axis.
- The title of the subplot includes the validation accuracy as a percentage.
- The first subplot (
-
Test Confusion Matrix Plot:
- The second subplot (
ax[1]
) displays the confusion matrix for the test set in a similar manner to the validation subplot. - It includes a colorbar, tick marks, tick labels, axis labels, and a title with the test accuracy.
- The second subplot (
-
Percentage Annotations:
- If
show_percentages
isTrue
, the function adds text annotations to each cell in both confusion matrices. - Each annotation shows the percentage of predictions for that cell relative to the total predictions for the corresponding actual category.
- If
-
Layout and Save:
- The function adjusts the layout to ensure that subplots and labels fit well within the figure.
- The resulting plot is saved to the specified
save_path
. - The plot is closed to free up memory.
Returns:
- The function does not return any values. It saves the generated plot to the specified file path.
Example Workflow
-
Import Necessary Libraries: Ensure you have the required libraries imported.
import time from oscars_toolbox.implement_xgb import evaluate_xgb
-
Load Dataset: Load and prepare your dataset. In this example, we'll use the Iris dataset.
# Load the Iris dataset data = load_iris() X = data.data y = data.target # Split the dataset into training and validation sets X_train, X_val, y_train, y_val = train_test_split(X, y, test_size=0.2, random_state=42)
-
Train the XGBoost Model: Train an XGBoost model on the training data.
# Initialize the XGBoost classifier xgb_model = xgb.XGBClassifier(use_label_encoder=False, eval_metric='mlogloss') # Train the model xgb_model.fit(X_train, y_train)
-
Evaluate the Model: Use the
evaluate_xgb
function to evaluate the trained model on the validation set.# Evaluate the model and get only the confusion matrix conf_matrix = evaluate_xgb(xgb_model, X_val, y_val) print("Confusion Matrix:\n", conf_matrix) # Evaluate the model and get all the metrics conf_matrix, accuracy, precision, recall, f1, roc_auc, time_per_sample = evaluate_xgb(xgb_model, X_val, y_val, return_extra_metrics=True) print("Confusion Matrix:\n", conf_matrix) print(f"Accuracy: {accuracy}") print(f"Precision: {precision}") print(f"Recall: {recall}") print(f"F1 Score: {f1}") print(f"ROC AUC Score: {roc_auc}") print(f"Time per sample: {time_per_sample} seconds")
Example Output
This example workflow would produce output similar to the following:
Confusion Matrix:
[[1. 0. 0. ]
[0. 1. 0. ]
[0. 0. 1. ]]
Confusion Matrix:
[[1. 0. 0. ]
[0. 1. 0. ]
[0. 0. 1. ]]
Accuracy: 1.0
Precision: 1.0
Recall: 1.0
F1 Score: 1.0
ROC AUC Score: 1.0
Time per sample: 0.0012345678901234567 seconds
This workflow provides a comprehensive way to evaluate an XGBoost model's performance on a validation dataset, using both basic and extended metrics depending on the user's needs.
Here is an example workflow demonstrating how to use the plot_confusion_matrix
function:
Example Workflow
-
Import Necessary Libraries: Ensure you have the required libraries imported.
from oscars_toolbox.implement_xgb import evaluate_xgb, plot_confusion_matrix
-
Generate Confusion Matrices: Generate or load confusion matrices for validation and test sets. For this example, we'll create synthetic data.
# Example confusion matrices confusion_matrix_val = np.array([[50, 2, 1], [3, 45, 2], [1, 2, 47]]) confusion_matrix_test = np.array([[48, 4, 1], [2, 46, 2], [3, 1, 46]]) # Categories allowed_categories = ['Category 1', 'Category 2', 'Category 3'] # Example accuracies accuracy_val = 0.95 accuracy_test = 0.94
-
Plot and Save the Confusion Matrices: Use the
plot_confusion_matrix
function to visualize and save the confusion matrices.# Plot and save the confusion matrices save_path = 'confusion_matrices.png' plot_confusion_matrix(confusion_matrix_val, confusion_matrix_test, allowed_categories, accuracy_val, accuracy_test, save_path, show_percentages=True)
Example Output
Running the above workflow will generate a saved image (confusion_matrices.png
) containing two confusion matrices, one for the validation set and one for the test set, with the respective accuracies displayed in the titles. If show_percentages
is set to True
, the cell values will be annotated with percentages.
This workflow demonstrates how to prepare data, define the plotting function, and use it to visualize and save confusion matrices along with relevant metrics.
Project details
Release history Release notifications | RSS feed
Download files
Download the file for your platform. If you're not sure which to choose, learn more about installing packages.
Source Distribution
Built Distribution
File details
Details for the file oscars_toolbox-0.1.9.tar.gz
.
File metadata
- Download URL: oscars_toolbox-0.1.9.tar.gz
- Upload date:
- Size: 21.5 kB
- Tags: Source
- Uploaded using Trusted Publishing? No
- Uploaded via: twine/4.0.2 CPython/3.11.8
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | cdffcb24a3a235265db96eb997ca7287beb13db1cd6541825021e761536e6f35 |
|
MD5 | 1865127aa7470864647520ebde85f363 |
|
BLAKE2b-256 | 99e45be25135a2dd3fe793618cd82e02ff4e03dd08b998705e90507a772c1aa2 |
File details
Details for the file oscars_toolbox-0.1.9-py3-none-any.whl
.
File metadata
- Download URL: oscars_toolbox-0.1.9-py3-none-any.whl
- Upload date:
- Size: 17.4 kB
- Tags: Python 3
- Uploaded using Trusted Publishing? No
- Uploaded via: twine/4.0.2 CPython/3.11.8
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | df99d6b3d8c11c71c5ce8449ea5919643f59f8417499575073d0774aa2e4e500 |
|
MD5 | 3720ce16ad53e61e277297e970598a5a |
|
BLAKE2b-256 | 97261ed5f1daaa546082d4d35a0e145ad720271c56a0f5c70da24e8fd02711b5 |