Optimizing Renewable Energy Systems Placement Through Advanced Deep Learning and Evolutionary Algorithms
Abstract
:1. Introduction
2. Literature Review
3. Methodology and Models
3.1. Data Collection and Preprocessing
3.1.1. Data Sources
3.1.2. Data Preprocessing
- Column Renaming: Each dataset was originally named based on the station’s reporting structure, which varied across locations. To harmonize the datasets, column names were standardized by appending the station name to each feature (e.g., ‘Temperature_agxialos’).
- Index Alignment: Time-based data from different stations had to be synchronized. This was done by unifying the date and time fields across all datasets, converting them into a single ‘Date’ index. This enabled the seamless merging of datasets from different stations.
- Data Resampling: Since the data were recorded at different intervals (hourly, daily, etc.), it was resampled to a daily frequency. This resampling was essential to align the meteorological data with the daily energy production data.
- Data Merging: The meteorological data from different stations were merged into a single dataset using the ‘Date’ index as a common key. This comprehensive dataset included all relevant features required for energy production modeling.
- Missing Data Handling: Missing values were handled in a two-step process:
- ▪
- Columns with more than 65 missing values, which correspond to approximately 3.4% of the total 1900 time points (65/1900), were dropped to prevent excessive noise in the dataset and to maintain the integrity of the time series analysis.
- ▪
- For the remaining missing values, imputation was performed using the mean of the nearest non-missing values within the same time window. This method preserves the local data structure and continuity, minimizing any potential bias introduced by gaps in the time series data, and ensuring that the overall temporal patterns remain intact.
- Data Dimension: The dataset used in this study consisted of daily meteorological data from 10 weather stations over 4 years (2015–2018). This resulted in the following:
- ▪
- Number of records (rows): 1009 (after preprocessing, accounting for missing or incomplete data).
- ▪
- Number of features (columns): Multiple meteorological variables, including wind intensity, humidity, temperature, and solar radiation. The number of the dataset’s features was 49.
3.1.3. Data Cleaning
3.2. Feature Engineering
3.2.1. Feature Scaling
3.2.2. Sequence Padding
3.3. Model Development
Main Model with Attention Mechanism
- GRU Layer: A GRU layer was employed to process the sequential data, leveraging its ability to learn long-term dependencies within the time series. This layer was crucial for capturing the trends and patterns in the meteorological data, such as wind speed and temperature variations, that are critical for accurate energy production forecasts.
- Attention Layer: To enhance the model’s predictive power, an attention mechanism was applied on top of the GRU layer. The attention layer dynamically assigns weights to different time steps and features, enabling the model to focus on the most relevant portions of the input sequence. This allowed the model to prioritize key moments in the data that have a significant impact on energy production, improving the interpretability and accuracy of the predictions.
- Weights: The output of the GRU layer, along with the attention weights, was processed through time-mixing weights—learnable parameters that adapt the importance of different time steps and features. These weights help the model effectively handle varying temporal patterns and feature interactions, enhancing its flexibility in dealing with different types of meteorological sequences.
- Fully Connected Layers with Swish Activation: The processed sequence data, influenced by the attention layer, was passed through several fully connected layers, each followed by the Swish activation function. This architecture allowed the model to capture nonlinear interactions between features, further refining its predictive capabilities. The Swish activation function was chosen for its ability to improve model performance through smoother gradient flow during backpropagation.
- Output Layer: The final fully connected layer condensed the information into a single output, representing the predicted energy production for the given time period. The model was designed to forecast energy production across different regions and energy types, ensuring accurate and reliable predictions that could be used to guide strategic renewable energy deployment.
3.4. Model Training
- Loss Function: The mean squared error (MSE) loss function was utilized to quantify the error between the predicted and actual energy production values. This choice was driven by the need to penalize large errors more heavily, which is crucial in the context of energy production forecasting.
- Optimizer: The Adam optimizer was chosen for its efficiency in handling sparse gradients and its adaptability to the complex, non-convex optimization landscape typical of deep learning models.
- Training: The model was trained for 2000 epochs, with the optimizer iteratively adjusting the model weights to minimize the MSE loss. The training process was carefully monitored to prevent overfitting by utilizing dropout method (dropout = 0.3), and a batch size equal to 256.
3.5. Model Optimization
3.5.1. Jaya Optimization Algorithm
3.5.2. Genetic Algorithm (GA) as a Comparative Method
3.6. SHAP Analysis for Model Interpretability
3.6.1. SHAP Value Calculation
- Kernel Explainer: The SHAP Kernel Explainer was utilized to approximate SHAP values for the TimeMix model, providing a detailed breakdown of feature importance.
- SHAP Value Interpretation: The computed SHAP values identified the most influential features, such as temperature and wind speed, enabling a deeper understanding of the factors driving energy production predictions.
3.6.2. SHAP Analysis Results
3.7. Strategic Planning for Renewable Energy Deployment
Generating Strategic Insights
- GPT-3.5-Turbo-Instruct Integration: To generate comprehensive strategic recommendations, the GPT-3.5-turbo-instruct model from OpenAI was employed. This model was fed the optimized feature sets and SHAP analysis results and was tasked with generating a strategic plan for the deployment of renewable energy sources (RESs) across Greece.
- Strategic Recommendations: The model generated detailed explanations on how the optimized meteorological features influenced energy production. These explanations were compiled into a strategic report that provided actionable insights on the optimal placement of RESs, such as wind farms and solar panels, based on the geographical and meteorological conditions across different regions in Greece.
3.8. Deployment and Documentation
- Source Code Directory: This includes the Python scripts for data preprocessing, model definition, training, forecasting, optimization, SHAP analysis, and strategic planning.
- Models Directory: This includes the trained model, scalers, and SHAP explainer.
- Outputs Directory: This contains generated outputs, such as prediction and forecasting results, SHap analysis results, as well as the strategic plan.
- README.md: This provides an overview of the project, instructions for use, and a summary of the key findings.
- .gitignore: This ensures that unnecessary files, such as large datasets and environment-specific files, are excluded from the repository.
- Requirements.txt: This lists all of the dependencies required to run the project, ensuring that others can replicate the environment easily.
4. Results
4.1. Data Overview and Preparation
- The date represents the timestamp for each observation, initially stored in nanoseconds since epoch format.
- Wind direction, maximum wind speed, wind speed, temperature, and relative humidity data were collected from 10 meteorological stations across Greece. These stations were selected based on their geographical diversity, ensuring coverage of regions with high renewable energy potential, as well as data availability and reliability. The selected stations are strategically located in areas with significant solar and wind energy prospects, providing the necessary meteorological input for accurate energy production forecasting.
- Energy defined as the target variable representing the amount of energy produced on each respective day.
4.2. Model Training and Evaluation
- Alignment and Divergence: While the predicted values generally align with the actual energy production trends, there are clear instances of both underestimation and overestimation. These discrepancies could be attributed to the model’s sensitivity to specific meteorological conditions.
- Pattern Recognition: The model appears to capture the broader patterns of energy production, likely driven by recurring meteorological conditions. However, the presence of significant errors in certain periods suggests that the model might not fully account for all relevant factors influencing energy production, such as sudden weather changes or other external variables.
4.3. Forecasting Performance
4.4. Optimization Performance
- Objective Function: The objective function was crucial in the optimization process, aiming to maximize the energy production forecast. By minimizing the negative forecasted value, the algorithm effectively manipulated the solution towards optimal conditions that enhanced energy output.
- Algorithmic Flexibility: The Jaya algorithm’s lack of dependency on specific parameters, such as population size or crossover rate, allowed it to adapt effectively to the problem at hand, focusing solely on improving the objective function.
- Convergence and Stability: For 3000 iterations for each day, the algorithm demonstrated stable convergence toward better solutions, as indicated by the overall trend of improvements.
- Baseline vs. Optimized Forecasts: Before optimization, the model’s forecasts were generally accurate in capturing overall trends but often underestimated energy production, particularly on days with higher variability. The optimization process significantly improved the model’s ability to capture these fluctuations, resulting in forecasts that more closely aligned with actual energy production levels.
- Implications for Strategic Energy Planning: The improvements achieved through optimization have direct implications for strategic planning in renewable energy deployment. By providing more accurate forecasts, the optimized model allows for better resource allocation and operational planning, enhancing the efficiency and reliability of energy production systems.
4.5. Explainable AI (XAI)
- Temperature (°C)—Kalamata: With the highest SHAP value, the temperature in Kalamata is the most influential feature in the energy production model. This suggests that fluctuations in temperature in this region greatly affect the amount of energy produced.
- Relative Humidity (%)—Kozani: Relative humidity in Kozani is the second most impactful feature. High or low humidity levels in this area are key indicators of changes in energy production.
- Temperature (°C)—Kozani: Similar to Kalamata, the temperature in Kozani also plays a crucial role in predicting energy output. This indicates the importance of temperature variations in this region.
- Maximum 3-h Wind Speed (knots)—Kozani: This feature represents the maximum wind speed recorded over a 3-h period in Kozani. Its high SHAP value highlights wind speed’s critical role in driving energy production, particularly in windy regions like Kozani.
- Relative Humidity (%)—Kalamata: In addition to temperature, humidity in Kalamata is also a significant factor, further emphasizing the role of meteorological conditions in this region.
- Temperature (°C)—Argos: Temperature in Argos is another vital feature, indicating that this region’s climate heavily influences energy production.
- Temperature (°C)—Florina: The temperature in Florina is crucial, although to a slightly lesser extent than in the previously mentioned areas. It is still a significant predictor in the model.
- Temperature (°C)—Ioannina: Ioannina’s temperature also contributes notably to the energy production forecast, reinforcing the importance of temperature as a feature across multiple regions.
- Temperature (°C)—Kavala: Temperature variations in Kavala are another important factor, although with a somewhat lower impact compared with the top-ranking features.
- Relative Humidity (%)—Florina: Similar to Kozani, humidity in Florina is a critical element in the model, affecting the energy output predictions.
4.6. Strategic Planning for Renewable Energy Deployment
4.6.1. Wind Energy
- Kozani: Wind turbines should be strategically placed in areas with consistent high wind speeds and aligned with the prevailing wind directions to maximize energy capture.
- Agxialos and Aktio: These coastal regions benefit from strong sea winds, making them ideal for the installation of wind turbines along the shoreline. The coastal wind patterns here can significantly enhance wind energy production.
4.6.2. Solar Energy
- Kalamata: Solar panels should be installed in areas with the highest temperatures and lowest humidity levels to maximize energy output. The region’s climate is particularly conducive to solar energy production.
- Kozani and Argos: In these regions, solar installations should focus on locations with consistent high temperatures and moderate humidity, ensuring optimal performance of solar panels.
4.6.3. Hydro Energy
- Kozani: Hydro turbines should be positioned in areas with high wind speeds, which can influence water flow and enhance energy production.
- Argos: The proximity to strong water currents makes this region suitable for hydro energy projects, especially in conjunction with other renewable sources like wind.
4.6.4. Geothermal Energy
- Kozani: The region’s high temperatures suggest significant geothermal activity, making it an ideal site for geothermal power plants. Strategic placement of geothermal wells should focus on areas with accessible geothermal reservoirs.
4.6.5. Biomass Energy
- Kozani and Argos: Biomass power plants should be located in regions with high temperatures and moderate humidity, which are conducive to the efficient conversion of biomass into energy. The availability of biomass resources in these regions should also be assessed to ensure a sustainable supply chain.
5. Comparative Analysis of Renewable Energy Deployment Parameters
6. Limitations and Future Work
7. Conclusions
Author Contributions
Funding
Institutional Review Board Statement
Informed Consent Statement
Data Availability Statement
Acknowledgments
Conflicts of Interest
References
- deLlano-Paz, F.; Calvo-Silvosa, A.; Iglesias Antelo, S.; Soares, I. The European low-carbon mix for 2030: The role of renewable energy sources in an environmentally and socially efficient approach. Renew. Sustain. Energy Rev. 2015, 48, 49–61. [Google Scholar] [CrossRef]
- Stergiou, K.; Karakasidis, T.E. Application of deep learning and chaos theory for load forecasting in Greece. Neural Comput. Appl. 2021, 33, 16713–16731. [Google Scholar] [CrossRef]
- Kim, S.-G.; Jung, J.-Y.; Sim, M.K. A Two-Step Approach to Solar Power Generation Prediction Based on Weather Data Using Machine Learning. Sustainability 2019, 11, 1501. [Google Scholar] [CrossRef]
- Kusiak, A.; Zheng, H.; Song, Z. Wind farm power prediction: A data-mining approach. Wind Energy 2009, 12, 275–293. [Google Scholar] [CrossRef]
- AlKandari, M.; Ahmad, I. Solar power generation forecasting using ensemble approach based on deep learning and statistical methods. Appl. Comput. Inform. 2020; ahead-of-print. [Google Scholar] [CrossRef]
- Chang, R.; Bai, L.; Hsu, C.-H. Solar power generation prediction based on deep Learning. Sustain. Energy Technol. Assess. 2021, 47, 101354. [Google Scholar] [CrossRef]
- Zhang, R.; Feng, M.; Zhang, W.; Lu, S.; Wang, F. Forecast of Solar Energy Production—A Deep Learning Approach. In Proceedings of the 2018 IEEE International Conference on Big Knowledge (ICBK), Singapore, 17–18 November 2018; pp. 73–82. [Google Scholar]
- Jebli, I.; Belouadha, F.-Z.; Kabbaj, M.I.; Tilioua, A. Prediction of solar energy guided by pearson correlation using machine learning. Energy 2021, 224, 120109. [Google Scholar] [CrossRef]
- Khan, W.; Walker, S.; Zeiler, W. Improved solar photovoltaic energy generation forecast using deep learning-based ensemble stacking approach. Energy 2022, 240, 122812. [Google Scholar] [CrossRef]
- Rai, A.; Shrivastava, A.; Jana, K.C. A robust auto encoder-gated recurrent unit (AE-GRU) based deep learning approach for short term solar power forecasting. Optik 2022, 252, 168515. [Google Scholar] [CrossRef]
- Agga, A.; Abbou, A.; Labbadi, M.; Houm, Y.E.; Ou Ali, I.H. CNN-LSTM: An efficient hybrid deep learning architecture for predicting short-term photovoltaic power production. Electr. Power Syst. Res. 2022, 208, 107908. [Google Scholar] [CrossRef]
- Pombo, D.V.; Bindner, H.W.; Spataru, S.V.; Sørensen, P.E.; Bacher, P. Increasing the Accuracy of Hourly Multi-Output Solar Power Forecast with Physics-Informed Machine Learning. Sensors 2022, 22, 749. [Google Scholar] [CrossRef]
- Shabbir, N.; AhmadiAhangar, R.; Kütt, L.; Iqbal, M.N.; Rosin, A. Forecasting Short Term Wind Energy Generation using Machine Learning. In Proceedings of the 2019 IEEE 60th International Scientific Conference on Power and Electrical Engineering of Riga Technical University (RTUCON), Riga, Latvia, 7–9 October 2019; pp. 1–4. [Google Scholar]
- Lin, Z.; Liu, X. Wind power forecasting of an offshore wind turbine based on high-frequency SCADA data and deep learning neural network. Energy 2020, 201, 117693. [Google Scholar] [CrossRef]
- Demolli, H.; Dokuz, A.S.; Ecemis, A.; Gokcek, M. Wind power forecasting based on daily wind speed data using machine learning algorithms. Energy Convers. Manag. 2019, 198, 111823. [Google Scholar] [CrossRef]
- Khan, M.; Liu, T.; Ullah, F. A New Hybrid Approach to Forecast Wind Power for Large Scale Wind Turbine Data Using Deep Learning with TensorFlow Framework and Principal Component Analysis. Energies 2019, 12, 2229. [Google Scholar] [CrossRef]
- Mujeeb, S.; Alghamdi, T.A.; Ullah, S.; Fatima, A.; Javaid, N.; Saba, T. Exploiting Deep Learning for Wind Power Forecasting Based on Big Data Analytics. Appl. Sci. 2019, 9, 4417. [Google Scholar] [CrossRef]
- Optis, M.; Perr-Sauer, J. The importance of atmospheric turbulence and stability in machine-learning models of wind farm power production. Renew. Sustain. Energy Rev. 2019, 112, 27–41. [Google Scholar] [CrossRef]
- Howland, M.F.; Dabiri, J.O. Wind Farm Modeling with Interpretable Physics-Informed Machine Learning. Energies 2019, 12, 2716. [Google Scholar] [CrossRef]
- Zhang, W.; Maleki, A.; Rosen, M.A.; Liu, J. Sizing a stand-alone solar-wind-hydrogen energy system using weather forecasting and a hybrid search optimization algorithm. Energy Convers. Manag. 2019, 180, 609–621. [Google Scholar] [CrossRef]
- Li, L.-L.; Wen, S.-Y.; Tseng, M.-L.; Wang, C.-S. Renewable energy prediction: A novel short-term prediction model of photovoltaic output power. J. Clean. Prod. 2019, 228, 359–375. [Google Scholar] [CrossRef]
- Eseye, A.T.; Zhang, J.; Zheng, D. Short-term photovoltaic solar power forecasting using a hybrid Wavelet-PSO-SVM model based on SCADA and Meteorological information. Renew. Energy 2018, 118, 357–367. [Google Scholar] [CrossRef]
- Ha, C.; Tran, V.-D.; Ngo Van, L.; Than, K. Eliminating overfitting of probabilistic topic models on short and noisy text: The role of dropout. Int. J. Approx. Reason. 2019, 112, 85–104. [Google Scholar] [CrossRef]
- Janiesch, C.; Zschech, P.; Heinrich, K. Machine learning and deep learning. Electron. Mark. 2021, 31, 685–695. [Google Scholar] [CrossRef]
- Claremont Graduate University CISAT; Sultan, V.; Bitar, H.; Hilton, B. Geographic decision support systems to optimize the placement of distributed energy resources. Int. J. Smart Grid Clean Energy 2016, 5, 202–211. [Google Scholar] [CrossRef]
- Rokas, S.; Ktenidis, T.; Kondili, E.; Kaldellis, J.K. RES-based power plants siting using geographical information systems. In Proceedings of the 2011 International Conference on Clean Electrical Power (ICCEP), Ischia, Italy, 14–16 June 2011; pp. 283–288. [Google Scholar]
- Chantzis, G.; Zafeiriou, A.; Chavari, A.; Giama, E.; Fokaides, P.; Papadopoulos, A.M. Optimization of a Hybrid Renewable Energy System for power generation on Greek Non-Interconnected Islands: The case of Amorgos. In Proceedings of the 2023 8th International Conference on Smart and Sustainable Technologies (SpliTech), Split/Bol, Croatia, 20–23 June 2023; pp. 1–5. [Google Scholar]
- Skaloumpakas, P.; Sarmas, E.; Rachmanidis, M.; Marinakis, V. Reshaping the energy landscape of Crete through renewable energy valleys. Sci. Rep. 2024, 14, 8038. [Google Scholar] [CrossRef]
- Menghan, Z. A Review of Classical First Order Optimization Methods in Machine Learning. In Recent Developments in Mechatronics and Intelligent Robotics; Deng, K., Yu, Z., Patnaik, S., Wang, J., Eds.; Springer International Publishing: Cham, Switzerland, 2019; pp. 1183–1190. [Google Scholar]
- Available online: https://github.com/Scientifico32/GREENIA (accessed on 20 September 2024).
- Wu, X.; Hu, W.; Huang, Q.; Chen, C.; Chen, Z.; Blaabjerg, F. Optimized Placement of Onshore Wind Farms Considering Topography. Energies 2019, 12, 2944. [Google Scholar] [CrossRef]
- Gkaidatzis, P.A.; Bouhouras, A.S.; Sgouras, K.I.; Doukas, D.I.; Christoforidis, G.C.; Labridis, D.P. Efficient RES Penetration under Optimal Distributed Generation Placement Approach. Energies 2019, 12, 1250. [Google Scholar] [CrossRef]
- Gutierrez-Rojas, D.; Narayanan, A.; Santos Nunes Almeida, C.R.; Almeida, G.M.; Pfau, D.; Tian, Y.; Yang, X.; Jung, A.; Nardelli, P.H.J. A perspective on the enabling technologies of explainable AI-based industrial packetized energy management. iScience 2023, 26, 108415. [Google Scholar] [CrossRef]
Time-Lag Steps | MAE (MWh) | RMSE (MWh) | MAPE (%) |
---|---|---|---|
5 | 95.12 | 110.24 | 19.2 |
10 | 88.72 | 102.09 | 17.5 |
15 | 89.45 | 104.58 | 18.0 |
20 | 90.15 | 106.12 | 18.3 |
GREENIA PSEUDOCODE |
---|
Data Pre-process # Load and preprocess meteorological data from various locations for each file in raw_data_files: df = read_excel(file, skiprows=9) rename_columns(df, location_name) append_to_main_dataframe(df) # Merge all dataframes on common columns (Date, Year, Month, Day, Hour) merged_df = merge_all_dataframes_on_date(main_dataframe) # Create ‘Date’ column and set it as the index merged_df[‘Date’] = concatenate_year_month_day_hour(merged_df) merged_df.set_index(‘Date’) # Resample data to daily frequency resampled_df = resample_dataframe(merged_df, ‘D’) # Handle missing values for each column in resampled_df: if column has more than 65 NaN values: drop_column(column) else: impute_nan_with_mean_of_neighbors(column) # Prepare data for model training X, y = split_features_and_target(resampled_df, target_column=‘Energy (MWh)’) X_scaled, y_scaled = scale_features(X, y) X_padded = pad_sequences_to_length(X_scaled, target_length=50) |
Main Model #Define the main model class GRUWithAttention: def __init__(self, input_dim, hidden_dim, output_dim, seq_len): # Define GRU layer self.gru = GRULayer(input_dim, hidden_dim) # Define attention layer self.attention = AttentionLayer(hidden_dim, num_heads=4) # Define fully connected output layer self.fc = FullyConnectedLayer(hidden_dim, output_dim) # Define time-mixing weights self.time_mixing_weights = initialize_time_mixing_weights(seq_len, hidden_dim) self.activation = SwishActivation() def forward(self, x): h = self.gru(x) # Process through GRU h_att = self.attention(h) # Apply attention mechanism h_mixed = apply_time_mixing_weights(h_att, self.time_mixing_weights) # Apply time-mixing weights output = self.fc(h_mixed[:, −1, :]) # Final output from the last timestep return output |
Training # Initialize model, loss function, and optimizer model = TimeMixWithAttention(input_dim, hidden_dim=256, output_dim=1, seq_len=10) criterion = MeanSquaredErrorLoss() optimizer = AdamOptimizer(model.parameters(), learning_rate=0.0008) # Train model for epoch in range(num_epochs=2000): model.train() outputs = model(X_train_tensor) loss = criterion(outputs, y_train_tensor) backpropagate_and_update_weights(optimizer, loss) log_training_loss(epoch, loss) |
Evaluation # Evaluate the trained model on the test set model.eval() test_outputs = model(X_test_tensor) test_loss = criterion(test_outputs, y_test_tensor) y_test_orig = inverse_transform(y_test_tensor, scaler_y) test_outputs_orig = inverse_transform(test_outputs, scaler_y) # Calculate evaluation metrics mae = calculate_mae(y_test_orig, test_outputs_orig) rmse = calculate_rmse(y_test_orig, test_outputs_orig) mape = calculate_mape(y_test_orig, test_outputs_orig) # Plot actual vs forecasted values plot_actual_vs_forecasted(y_test_orig, test_outputs_orig) |
Optimization # Define the objective function to maximize energy production def objective_function(individual): input_tensor = reshape_and_convert_to_tensor(individual) forecasted_value = model(input_tensor) return -forecasted_value # Negative because we minimize # Run Jaya optimization for each day for day in range(7): best_individual = jaya_algorithm(objective_function, X_test_tensor[day], bounds) optimize_and_store_results(best_individual, day) |
Explainable Artificial Intelligence (XAI) # Define function to get model predictions for SHAP def model_predict_3d(flattened_data): reshaped_data = reshape_to_3d(flattened_data) return model(reshaped_data).detach().numpy() # Perform SHAP analysis explainer = shap.KernelExplainer(model_predict_3d, X_test_flat[:30]) shap_values = explainer.shap_values(X_test_flat) shap_table = create_shap_table(shap_values, feature_names) # Save SHAP results save_shap_explainer_and_values(explainer, shap_values, save_dir) |
Strategic Planning (Natural Language Explanations) # Generate strategic insights using GPT-3.5-turbo-instruct for day, best_individual in enumerate(best_individuals): prompt_text = create_prompt(shap_summary, best_individual) explanation = gpt_3_5_turbo_instruct(prompt_text) append_to_strategic_recommendations(explanation) # Compile and save the strategic plan strategic_plan = compile_strategic_recommendations() save_strategic_plan_to_file(strategic_plan, save_dir) |
RMSE | MAE | MAPE |
---|---|---|
102.09 | 88.72 | 17.5% |
Metric | Value |
---|---|
Total improvement | 145.57 MWh |
Mean absolute improvement | 61.60 MWh |
Mean absolute percentage improvement | 13.50% |
Positive improvements | 14 |
Improvement ratio | 46.67% |
Feature | SHAP Value |
---|---|
Temperature (°C)—Kalamata | 0.06462843 |
Relative humidity (%)—Kozani | 0.05171667 |
Temperature (°C)—Kozani | 0.04919851 |
Maximum 3-h wind speed (knots)—Kozani | 0.04499661 |
Relative humidity (%)—Kalamata | 0.03563375 |
Temperature (°C)—Argos | 0.03070799 |
Temperature (°C)—Florina | 0.03042352 |
Temperature (°C)—Ioannina | 0.02760436 |
Temperature (°C)—Kavala | 0.02454198 |
Relative humidity (%)—Florina | 0.02201662 |
Wind direction (°)—Kavala | 0.02028739 |
Relative humidity (%)—Ioannina | 0.02000038 |
Wind speed (knots)—Kalamata | 0.01840336 |
Wind direction (°)—Kozani | 0.01649202 |
Temperature (°C)—Araxos | 0.01606719 |
Temperature (°C)—Agxialos | 0.01408858 |
Relative humidity (%)—Argos | 0.01265430 |
Relative humidity (%)—Agxialos | 0.01152817 |
Wind speed (knots)—Kavala | 0.00909824 |
Wind direction (°)—Kalamata | 0.00808502 |
Wind direction (°)—Argos | 0.00747080 |
Maximum 3-h wind speed (knots)—Argos | 0.00710069 |
Temperature (°C)—Aktio | 0.00706860 |
Maximum 3-h wind speed (knots)—Kavala | 0.00673481 |
Relative humidity (%)—Kavala | 0.00671949 |
Relative humidity (%)—Aktio | 0.00597521 |
Wind direction (°)—Aktio | 0.00591145 |
Wind direction (°)—Florina | 0.00578259 |
Relative humidity (%)—Alexandroupoli | 0.00551289 |
Maximum 3-h wind speed (knots)—Florina | 0.00513565 |
Relative humidity (%)—Araxos | 0.00485569 |
Wind direction (°)—Agxialos | 0.00472039 |
Maximum 3-h wind speed (knots)—Kalamata | 0.00388574 |
Wind direction (°)—Araxos | 0.00363804 |
Maximum 3-h wind speed (knots)—Araxos | 0.00341315 |
Maximum 3-h wind speed (knots)—Agxialos | 0.00319952 |
Wind speed (knots)—Aktio | 0.00318487 |
Temperature (°C)—Alexandroupoli | 0.00318217 |
Wind speed (knots)—Florina | 0.00304688 |
Wind direction (°)—Alexandroupoli | 0.00303900 |
Wind speed (knots)—Argos | 0.00295486 |
Wind speed (knots)—Agxialos | 0.00252417 |
Maximum 3-h wind speed (knots)—Alexandroupoli | 0.00241123 |
Wind speed (knots)—Kozani | 0.00215932 |
Maximum 3-h wind speed (knots)—Aktio | 0.00203236 |
Wind speed (knots)—Araxos | 0.00170344 |
Wind direction (°)—Ioannina | 0.00009577 |
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2024 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Stergiou, K.; Karakasidis, T. Optimizing Renewable Energy Systems Placement Through Advanced Deep Learning and Evolutionary Algorithms. Appl. Sci. 2024, 14, 10795. https://doi.org/10.3390/app142310795
Stergiou K, Karakasidis T. Optimizing Renewable Energy Systems Placement Through Advanced Deep Learning and Evolutionary Algorithms. Applied Sciences. 2024; 14(23):10795. https://doi.org/10.3390/app142310795
Chicago/Turabian StyleStergiou, Konstantinos, and Theodoros Karakasidis. 2024. "Optimizing Renewable Energy Systems Placement Through Advanced Deep Learning and Evolutionary Algorithms" Applied Sciences 14, no. 23: 10795. https://doi.org/10.3390/app142310795
APA StyleStergiou, K., & Karakasidis, T. (2024). Optimizing Renewable Energy Systems Placement Through Advanced Deep Learning and Evolutionary Algorithms. Applied Sciences, 14(23), 10795. https://doi.org/10.3390/app142310795