Skip to main content

A library to calculate Energy and Power consumption of machine learning and deep learning algorithms

Project description

EnergyEfficientAI

Overview

The EnergyEfficientAI Library provides a framework for training machine learning models while monitoring CPU and memory utilization. This library is particularly useful for understanding the energy consumption of various machine learning and deep learning algorithms during training and inference. By tracking system performance metrics, users can make informed decisions about model efficiency and power consumption.

Features

  • Monitor CPU and memory utilization during model training.
  • Calculate power and energy consumption based on system performance.
  • Generate detailed reports including training metrics and classification results.
  • Visualize CPU utilization with modern, aesthetically pleasing line graphs.

Installation

To use this library, you need to have Python 3.x installed along with the following dependencies:

  • numpy
  • psutil
  • scikit-learn
  • matplotlib
  • seaborn

You can install the required packages using pip:

pip install numpy psutil scikit-learn matplotlib seaborn

You can install the library using pip:

pip install EnergyEfficientAI

How to use in Code

Calculating Energy Consumption of ML Algorithms

import numpy as np
from sklearn.datasets import fetch_openml
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LogisticRegression
from EnergyEfficientAI import EnergyConsumptionML  # Import the class from the file
from sklearn.ensemble import RandomForestClassifier
from sklearn.datasets import fetch_openml

mnist = fetch_openml(data_id=554)

# Load MNIST data
# mnist = fetch_openml('mnist_784', as_frame=True)
X, y = mnist.data.astype('float32').to_numpy(), mnist.target.astype('int')

# Flatten the images
X_flatten = np.array([image.flatten() for image in X])

# Split the data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X_flatten, y, test_size=0.2, random_state=42)

# Define the model (you can pass any model here)
logreg_model = LogisticRegression()
cpuIdl = 70
cpuFull = 170
# Instantiate the CustomModelTrainer with the model
model_trainer = EnergyConsumptionML(logreg_model, cpuIdl, cpuFull)

# Generate the final report by calling generate_report
model_trainer.generate_report(X_train, y_train, X_test, y_test)

Calculating Energy Consumption of DL Algorithms

import numpy as np
import time
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import Conv2D, MaxPooling2D, Flatten, Dense
from tensorflow.keras.datasets import mnist
from tensorflow.keras.utils import to_categorical
from EnergyEfficientAI import EnergyConsumptionDL
 
# Load and preprocess the dataset
(x_train, y_train), (x_test, y_test) = mnist.load_data()
x_train = np.expand_dims(x_train, axis=-1) / 255.0  # Normalize pixel values
x_test = np.expand_dims(x_test, axis=-1) / 255.0
y_train = to_categorical(y_train, num_classes=10)  # One-hot encode labels
y_test = to_categorical(y_test, num_classes=10)

# Define the CNN model
model = Sequential([
    Conv2D(32, (3, 3), activation='relu', input_shape=(28, 28, 1)),
    MaxPooling2D((2, 2)),
    Conv2D(64, (3, 3), activation='relu'),
    MaxPooling2D((2, 2)),
    Conv2D(64, (3, 3), activation='relu'),
    Flatten(),
    Dense(64, activation='relu'),
    Dense(10, activation='softmax')
])

model.compile(optimizer='adam',
              loss='categorical_crossentropy',
              metrics=['accuracy'])

# Initialize EnergyConsumptionDL
energy_tracker = EnergyConsumptionDL(model=model, pcpu_idle=10, pcpu_full=100)

# Generate the report for the training and evaluation process
energy_tracker.generate_report(x_train, y_train, x_test, y_test, epochs=5, batch_size=64)

Project details


Download files

Download the file for your platform. If you're not sure which to choose, learn more about installing packages.

Source Distribution

EnergyEfficientAI-0.4.tar.gz (5.5 kB view details)

Uploaded Source

Built Distribution

EnergyEfficientAI-0.4-py3-none-any.whl (7.9 kB view details)

Uploaded Python 3

File details

Details for the file EnergyEfficientAI-0.4.tar.gz.

File metadata

  • Download URL: EnergyEfficientAI-0.4.tar.gz
  • Upload date:
  • Size: 5.5 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.1.1 CPython/3.11.4

File hashes

Hashes for EnergyEfficientAI-0.4.tar.gz
Algorithm Hash digest
SHA256 7afe8d98e14f771e7016ef826c7bba8f810b87ed137d86284d1174eb0fcb44b6
MD5 cf85df88a89f03ac4fe500807b36b0a5
BLAKE2b-256 30e1ec837f6e0eab22d016dd43fe494f2254f4e05a601b0a634b70fcb39d4c99

See more details on using hashes here.

File details

Details for the file EnergyEfficientAI-0.4-py3-none-any.whl.

File metadata

File hashes

Hashes for EnergyEfficientAI-0.4-py3-none-any.whl
Algorithm Hash digest
SHA256 7a1dfa2a713e4dcae4c35f8de362d646414d951b71133ba013cb18f990d14f9c
MD5 c54bdce8a3e4a34bf921b25d0b3253b9
BLAKE2b-256 aa38aa9a6c9180ddf0d7959efb92384e564462a967565b8b4134dbb0dd3564cb

See more details on using hashes here.

Supported by

AWS AWS Cloud computing and Security Sponsor Datadog Datadog Monitoring Fastly Fastly CDN Google Google Download Analytics Microsoft Microsoft PSF Sponsor Pingdom Pingdom Monitoring Sentry Sentry Error logging StatusPage StatusPage Status page