Skip to content

AI-based Predictive Analytics

Abstract

AI-based Predictive Analytics is a Python project that uses machine learning to predict future outcomes based on historical data. The application features data preprocessing, model training, and a CLI interface, demonstrating best practices in regression and forecasting.

Prerequisites

  • Python 3.8 or above
  • A code editor or IDE
  • Basic understanding of machine learning and regression
  • Required libraries: scikit-learnscikit-learn, numpynumpy, pandaspandas, matplotlibmatplotlib

Before you Start

Install Python and the required libraries:

Install dependencies
pip install scikit-learn numpy pandas matplotlib
Install dependencies
pip install scikit-learn numpy pandas matplotlib

Getting Started

Create a Project

  1. Create a folder named ai-based-predictive-analyticsai-based-predictive-analytics.
  2. Open the folder in your code editor or IDE.
  3. Create a file named ai_based_predictive_analytics.pyai_based_predictive_analytics.py.
  4. Copy the code below into your file.

Write the Code

⚙️ AI-based Predictive Analytics
AI-based Predictive Analytics
"""
AI-based Predictive Analytics
 
Features:
- Predictive analytics using ML
- Data visualization
- Modular design
- CLI interface
- Error handling
"""
import sys
import numpy as np
try:
    from sklearn.linear_model import LinearRegression
    import matplotlib.pyplot as plt
except ImportError:
    LinearRegression = None
    plt = None
 
class PredictiveAnalytics:
    def __init__(self):
        self.model = LinearRegression() if LinearRegression else None
        self.trained = False
    def train(self, X, y):
        if self.model:
            self.model.fit(X, y)
            self.trained = True
    def predict(self, X):
        if self.trained:
            return self.model.predict(X)
        return [np.mean(X)] * len(X)
    def plot(self, X, y):
        if plt:
            plt.scatter(X, y)
            plt.xlabel('Feature')
            plt.ylabel('Target')
            plt.title('Predictive Analytics')
            plt.show()
        else:
            print("matplotlib not available.")
 
class CLI:
    @staticmethod
    def run():
        print("AI-based Predictive Analytics")
        analytics = PredictiveAnalytics()
        while True:
            cmd = input('> ')
            if cmd.startswith('train'):
                parts = cmd.split()
                if len(parts) < 3:
                    print("Usage: train <data_file> <labels_file>")
                    continue
                X = np.loadtxt(parts[1], delimiter=',').reshape(-1, 1)
                y = np.loadtxt(parts[2], delimiter=',')
                analytics.train(X, y)
                print("Model trained.")
            elif cmd.startswith('predict'):
                parts = cmd.split()
                if len(parts) < 2:
                    print("Usage: predict <data_file>")
                    continue
                X = np.loadtxt(parts[1], delimiter=',').reshape(-1, 1)
                preds = analytics.predict(X)
                print(f"Predictions: {preds}")
            elif cmd.startswith('plot'):
                parts = cmd.split()
                if len(parts) < 3:
                    print("Usage: plot <data_file> <labels_file>")
                    continue
                X = np.loadtxt(parts[1], delimiter=',').reshape(-1, 1)
                y = np.loadtxt(parts[2], delimiter=',')
                analytics.plot(X, y)
            elif cmd == 'exit':
                break
            else:
                print("Unknown command")
 
if __name__ == "__main__":
    try:
        CLI.run()
    except Exception as e:
        print(f"Error: {e}")
        sys.exit(1)
 
AI-based Predictive Analytics
"""
AI-based Predictive Analytics
 
Features:
- Predictive analytics using ML
- Data visualization
- Modular design
- CLI interface
- Error handling
"""
import sys
import numpy as np
try:
    from sklearn.linear_model import LinearRegression
    import matplotlib.pyplot as plt
except ImportError:
    LinearRegression = None
    plt = None
 
class PredictiveAnalytics:
    def __init__(self):
        self.model = LinearRegression() if LinearRegression else None
        self.trained = False
    def train(self, X, y):
        if self.model:
            self.model.fit(X, y)
            self.trained = True
    def predict(self, X):
        if self.trained:
            return self.model.predict(X)
        return [np.mean(X)] * len(X)
    def plot(self, X, y):
        if plt:
            plt.scatter(X, y)
            plt.xlabel('Feature')
            plt.ylabel('Target')
            plt.title('Predictive Analytics')
            plt.show()
        else:
            print("matplotlib not available.")
 
class CLI:
    @staticmethod
    def run():
        print("AI-based Predictive Analytics")
        analytics = PredictiveAnalytics()
        while True:
            cmd = input('> ')
            if cmd.startswith('train'):
                parts = cmd.split()
                if len(parts) < 3:
                    print("Usage: train <data_file> <labels_file>")
                    continue
                X = np.loadtxt(parts[1], delimiter=',').reshape(-1, 1)
                y = np.loadtxt(parts[2], delimiter=',')
                analytics.train(X, y)
                print("Model trained.")
            elif cmd.startswith('predict'):
                parts = cmd.split()
                if len(parts) < 2:
                    print("Usage: predict <data_file>")
                    continue
                X = np.loadtxt(parts[1], delimiter=',').reshape(-1, 1)
                preds = analytics.predict(X)
                print(f"Predictions: {preds}")
            elif cmd.startswith('plot'):
                parts = cmd.split()
                if len(parts) < 3:
                    print("Usage: plot <data_file> <labels_file>")
                    continue
                X = np.loadtxt(parts[1], delimiter=',').reshape(-1, 1)
                y = np.loadtxt(parts[2], delimiter=',')
                analytics.plot(X, y)
            elif cmd == 'exit':
                break
            else:
                print("Unknown command")
 
if __name__ == "__main__":
    try:
        CLI.run()
    except Exception as e:
        print(f"Error: {e}")
        sys.exit(1)
 

Example Usage

Run predictive analytics
python ai_based_predictive_analytics.py
Run predictive analytics
python ai_based_predictive_analytics.py

Explanation

Key Features

  • Data Preprocessing: Cleans and prepares data for modeling.
  • Model Training: Uses linear regression for prediction.
  • Forecasting: Predicts future values based on input data.
  • Error Handling: Validates inputs and manages exceptions.
  • CLI Interface: Interactive command-line usage.

Code Breakdown

  1. Import Libraries and Load Data
ai_based_predictive_analytics.py
import numpy as np
import pandas as pd
from sklearn.linear_model import LinearRegression
import matplotlib.pyplot as plt
ai_based_predictive_analytics.py
import numpy as np
import pandas as pd
from sklearn.linear_model import LinearRegression
import matplotlib.pyplot as plt
  1. Data Preprocessing Function
ai_based_predictive_analytics.py
def preprocess_data(data):
    # Fill missing values and normalize
    data = data.fillna(method='ffill')
    return data
ai_based_predictive_analytics.py
def preprocess_data(data):
    # Fill missing values and normalize
    data = data.fillna(method='ffill')
    return data
  1. Model Training and Prediction
ai_based_predictive_analytics.py
def train_model(X, y):
    model = LinearRegression()
    model.fit(X, y)
    return model
 
def predict(model, X):
    return model.predict(X)
ai_based_predictive_analytics.py
def train_model(X, y):
    model = LinearRegression()
    model.fit(X, y)
    return model
 
def predict(model, X):
    return model.predict(X)
  1. CLI Interface and Error Handling
ai_based_predictive_analytics.py
def main():
    print("AI-based Predictive Analytics")
    # Load sample data (not shown for brevity)
    # data = ...
    # X = ...
    # y = ...
    # model = train_model(X, y)
    while True:
        cmd = input('> ')
        if cmd == 'predict':
            # future_X = ...
            # preds = predict(model, future_X)
            print("[Demo] Prediction logic here.")
        elif cmd == 'exit':
            break
        else:
            print("Unknown command. Type 'predict' or 'exit'.")
 
if __name__ == "__main__":
    main()
ai_based_predictive_analytics.py
def main():
    print("AI-based Predictive Analytics")
    # Load sample data (not shown for brevity)
    # data = ...
    # X = ...
    # y = ...
    # model = train_model(X, y)
    while True:
        cmd = input('> ')
        if cmd == 'predict':
            # future_X = ...
            # preds = predict(model, future_X)
            print("[Demo] Prediction logic here.")
        elif cmd == 'exit':
            break
        else:
            print("Unknown command. Type 'predict' or 'exit'.")
 
if __name__ == "__main__":
    main()

Features

  • Machine Learning-Based Prediction: High-accuracy forecasting
  • Modular Design: Separate functions for preprocessing and prediction
  • Error Handling: Manages invalid inputs and exceptions
  • Production-Ready: Scalable and maintainable code

Next Steps

Enhance the project by:

  • Integrating with real-world datasets
  • Adding support for more regression models
  • Creating a GUI with Tkinter or a web app with Flask
  • Supporting batch predictions
  • Adding evaluation metrics (MAE, RMSE)
  • Unit testing for reliability

Educational Value

This project teaches:

  • Regression Fundamentals: Data preprocessing and prediction
  • Software Design: Modular, maintainable code
  • Error Handling: Writing robust Python code

Real-World Applications

  • Business Forecasting
  • Financial Analysis
  • Healthcare Analytics
  • Educational Tools

Conclusion

AI-based Predictive Analytics demonstrates how to build a scalable and accurate forecasting tool using Python. With modular design and extensibility, this project can be adapted for real-world applications in business, healthcare, and more. For more advanced projects, visit Python Central Hub.

Was this page helpful?

Let us know how we did