XGBoosting Home | About | Contact | Examples

XGBoost for Time Series Predict One Time Step

XGBoost is a powerful tool for time series forecasting tasks. In this example, we’ll demonstrate how to use a trained XGBoost model to predict a single future time step in a time series dataset.

Before diving into predictions, it’s crucial to perform feature engineering and model training on historical data. This process allows the model to learn patterns and relationships that can be leveraged for accurate forecasting.

# XGBoosting.com
# XGBoost for Time Series Predict One Time Step
import numpy as np
from xgboost import XGBRegressor

# Generate a synthetic time series dataset
def generate_time_series_data(n_steps, n_features):
    X = np.random.rand(n_steps, n_features)
    y = np.sin(X[:, 0]) + 0.1 * np.random.randn(n_steps)
    return X, y

# Set the number of time steps and features
n_steps = 1000
n_features = 5

# Generate the dataset
X, y = generate_time_series_data(n_steps, n_features)

# Split the data into training and testing sets
train_size = int(0.8 * n_steps)
X_train, y_train = X[:train_size], y[:train_size]
X_test, y_test = X[train_size:], y[train_size:]

# Create and train the XGBoost model
model = XGBRegressor(n_estimators=100, learning_rate=0.1, random_state=42)
model.fit(X_train, y_train)

# Predict the next time step
next_step_features = X_test[0].reshape(1, -1)
predicted_value = model.predict(next_step_features)[0]

print(f"Predicted value for the next time step: {predicted_value:.4f}")
print(f"Actual value for the next time step: {y_test[0]:.4f}")

In this example, we generate a synthetic time series dataset using a combination of a sine function and random noise. The dataset consists of 1000 time steps, each with 5 features.

We split the dataset into training and testing sets, using 80% of the data for training and the remaining 20% for testing.

Next, we create an XGBRegressor model and train it on the training data using 100 estimators and a learning rate of 0.1.

To predict the next time step, we take the first sample from the test set (X_test[0]) and reshape it to have a shape of (1, n_features). This step is necessary because the predict() method expects a 2D array as input.

Finally, we use the trained model to predict the value for the next time step and print both the predicted and actual values.

By following this approach, you can leverage the power of XGBoost to accurately forecast a single future time step in a time series dataset. Remember to adapt the feature engineering and model training steps to your specific dataset and requirements for optimal results.



See Also