【微电网】并网微电网运行经济性研究(Python代码实现)

简介: 【微电网】并网微电网运行经济性研究(Python代码实现)

👨‍🎓个人主页:研学社的博客

💥💥💞💞欢迎来到本博客❤️❤️💥💥



🏆博主优势:🌞🌞🌞博客内容尽量做到思维缜密,逻辑清晰,为了方便读者。



⛳️座右铭:行百里者,半于九十。


📋📋📋本文目录如下:🎁🎁🎁

目录

💥1 概述

📚2 运行结果

🎉3 参考文献

🌈4 Python代码、数据、详细文章讲解



💥1 概述

image.gif

在本文中,我们提出了我们的策略和算法来管理微电网中的能量,更具体地说,在考虑消费者负荷、太阳能发电和动态电价的情况下,每小时与主电网的能量交易。

该算法的主要目标是在用户负荷、太阳能发电和电价波动的情况下,优化储能系统( ESS )的运行,最大化微电网的货币效益。除了货币收益外,该算法还考虑了需要保留的最小能量,因为这对于确保微电网中关键任务操作的连续性至关重要。研究分析了两种能量管理算法的性能:1 )具有预测未来知识的模型预测控制线性规划( MPCLPF );2 )不具有未来知识的强化学习。在MPCLPF中,分析了不同的预测算法,并对最优预测算法进行了整合。下面是文章目录:

image.gif

image.gif

详细文章见第4部分。

📚2 运行结果

fig, ax = plt.subplots(1, 1, figsize = (7.5,5))

ax2 = ax.twinx()

PV_plot = ax.step(np.arange(24), df.iloc[0:24,0], 'ro-', label = "PV")

load_plot = ax.step(np.arange(24), df.iloc[0:24,1], 'b*-', label = "Load")

price_plot = ax2.step(np.arange(24), df.iloc[0:24,2], 'k.-', label = "RTP")


# Display all label in one box

plots = PV_plot + load_plot + price_plot

labels = [plot.get_label() for plot in plots]

ax.legend(plots, labels, loc = 0)

ax.set_xlabel("Hour")

ax.set_ylabel("Power (kW)")

ax2.set_ylabel("Price ($/ kWh)")


plt.show()

fig, ax = plt.subplots(3, 2, figsize = (15, 15))


ax[0, 0].step(np.arange(len(x[:,0])), x[:,0])

ax[0, 0].set_xlabel("Hour")

ax[0, 0].set_ylabel("PV (kW)")

ax[0, 1].step(np.arange(len(x[0:24,0])), x[0:24,0])

ax[0, 1].set_xlabel("Hour")

ax[0, 1].set_ylabel("PV (pu)")


ax[1, 0].step(np.arange(len(x[:,1])), x[:,1])

ax[1, 0].set_xlabel("Hour")

ax[1, 0].set_ylabel("Load (kW)")

ax[1, 1].step(np.arange(len(x[0:24,1])), x[0:24,1])

ax[1, 1].set_xlabel("Hour")

ax[1, 1].set_ylabel("Load (pu)")


ax[2, 0].step(np.arange(len(x[:,2])), x[:,2])

ax[2, 0].set_xlabel("Hour")

ax[2, 0].set_ylabel("Price ($/kWh)")

ax[2, 1].step(np.arange(len(x[0:24,2])), x[0:24,2])

ax[2, 1].set_xlabel("Hour")

ax[2, 1].set_ylabel("Price (pu)")


plt.show()

 

plt.plot(lstm.history.history["loss"], "-*", label="training")

plt.plot(lstm.history.history["val_loss"], "-o", label="validation")

plt.xticks(np.arange(0, 20, 2), np.arange(0, 20, 2))

plt.xlabel("Epoch")

plt.ylabel("MAE")

plt.legend()

plt.show()

encoder.load_weights(encoder.weights_dir)

decoder.load_weights(decoder.weights_dir)


y_train_pred, attentions = predict(x_train, y_train)

print ("Training MAE: {:.4f} pu\n".format(mae(y_train[:, :, 0], y_train_pred[:, :, 0])))


fig = plt.figure(figsize=(24, 5))

for idx, i in enumerate([0, 1000, 2000, 3000]):

 ax = fig.add_subplot(1, 4, idx+1)

 ax.plot(y_train_pred[i], "-*", label="prediction")

 ax.plot(y_train[i, :, 0], "-o", label="actual")

 ax.set_xlabel("Hour")

 ax.set_ylabel("Power (pu)")

 ax.legend(loc=2)

plt.show()

 

image.gif

plt.plot(lstm.history.history["loss"], "-*", label="training")

plt.plot(lstm.history.history["val_loss"], "-o", label="validation")

plt.xticks(np.arange(0, 20, 2), np.arange(0, 20, 2))

plt.xlabel("Epoch")

plt.ylabel("MAE")

plt.legend()

plt.show()

image.gif

 

idx = -10


num_steps_display = timesteps_in


attention = attention_weights

attention = tf.squeeze(attention["decoder_layer1_block2"][idx:idx+1], axis=0)


for head in range(0, num_heads):

 fig = plt.figure(figsize=(32,8))

 spec = gridspec.GridSpec(ncols=90, nrows=100)

 

 top_ax = fig.add_subplot(spec[0:15, 15:75])

 left_ax = fig.add_subplot(spec[25:, 0:10])

 right_ax = fig.add_subplot(spec[25:, 15:])

 

 top_ax.plot(x_train[idx, :num_steps_display, 0])

 top_ax.set_xlim([0, num_steps_display])

 top_ax.set_xticks(range(0, num_steps_display, 4))

 top_ax.set_xticklabels(range(0, num_steps_display, 4))


 left_ax.plot(decoder_input[idx, :, 0], range(0, timesteps_out))

 left_ax.set_yticks(range(0, timesteps_out, 4))

 left_ax.set_yticklabels(range(0, timesteps_out, 4))

 left_ax.invert_yaxis()


 sns.heatmap(attention[head][:, :num_steps_display], cmap="viridis", ax=right_ax)

 right_ax.set_xticks(range(0, num_steps_display, 4))

 right_ax.set_xticklabels(range(0, num_steps_display, 4))

 right_ax.set_yticks(range(0, timesteps_out, 4))

 right_ax.set_yticklabels(range(0, timesteps_out, 4))


 plt.title("Head {}".format(head+1))

 plt.show()

image.gif

def get_resultplot(SOC_list, action_list, x, start_idx, end_idx):

 hours = end_idx - start_idx

 if hours == 24:

   plt.figure(figsize = (8,7))

   plt.xticks(range(0, 24), range(1, 25))

 else:

   plt.figure(figsize = (25,5))

   plt.xticks(range(0, end_idx-start_idx, 24), range(1, end_idx-start_idx+1, 24))

 plt.step(range(0, hours), SOC_list[start_idx:end_idx], "ro-", label = "SOC")

 plt.step(range(0, hours), x[start_idx:end_idx, 2], "bs-", label = "price")

 plt.step(range(0, hours), x[start_idx:end_idx, 0], "g*-", label = "pv")

 plt.step(range(0, hours), x[start_idx:end_idx, 1], "m--", label = "load")

 plt.bar(range(0, hours), action_list[start_idx:end_idx],

         facecolor = "w", edgecolor = "k", label = "action")

 plt.ylabel("SOC/ Normalized Price")

 plt.xlabel("Hour")

 plt.legend(loc=2)

 plt.show()  

image.gif

# Case 1 - Charged with PV not with grid to contain excess PV even the price is higher than average

# Use the spare capacity to store PV

# Not below the target SOC

start_idx = len(SOC_list) - 192

end_idx = len(SOC_list) - 168

get_resultplot(SOC_list, action_list, x, start_idx, end_idx)

 

image.gif

 

# Zoom of case 3


fig, ax = plt.subplots(1, 1, figsize = (8,6))

#ax2 = ax.twinx()

ln1 = ax.step(range(0, 24), SOC_list[13079:13103], "ro-", label = "SOC")

ln2 = ax.bar(range(0, 24), action_list[13079:13103],

            facecolor = "w", edgecolor = "k", label = "action")

ln3 = ax.axhline(y  = 0.5, linestyle = "--", label = "target SOC")

ax.set_xlabel("Hour")

ax.set_ylabel("SOC")

lns = ln1 + [ln2] + [ln3]

labs = [l.get_label() for l in lns]

ax.legend(lns, labs, loc = 3)

plt.xticks(range(0, 24), range(1, 25))

plt.show()

image.gif

其余详细部分见第4部分。

🎉3 参考文献

部分理论来源于网络,如有侵权请联系删除。

image.gif编辑

 

🌈4 Python代码、数据、详细文章讲解

https://ttaozhi.com/t/p.html?id=2YA7W3RDkr

相关文章
|
8天前
|
存储 数据库连接 API
Python环境变量在开发和运行Python应用程序时起着重要的作用
Python环境变量在开发和运行Python应用程序时起着重要的作用
48 15
|
9天前
|
缓存 监控 测试技术
Python中的装饰器:功能扩展与代码复用的利器###
本文深入探讨了Python中装饰器的概念、实现机制及其在实际开发中的应用价值。通过生动的实例和详尽的解释,文章展示了装饰器如何增强函数功能、提升代码可读性和维护性,并鼓励读者在项目中灵活运用这一强大的语言特性。 ###
|
12天前
|
缓存 开发者 Python
探索Python中的装饰器:简化代码,增强功能
【10月更文挑战第35天】装饰器在Python中是一种强大的工具,它允许开发者在不修改原有函数代码的情况下增加额外的功能。本文旨在通过简明的语言和实际的编码示例,带领读者理解装饰器的概念、用法及其在实际编程场景中的应用,从而提升代码的可读性和复用性。
|
8天前
|
Python
探索Python中的装饰器:简化代码,提升效率
【10月更文挑战第39天】在编程的世界中,我们总是在寻找使代码更简洁、更高效的方法。Python的装饰器提供了一种强大的工具,能够让我们做到这一点。本文将深入探讨装饰器的基本概念,展示如何通过它们来增强函数的功能,同时保持代码的整洁性。我们将从基础开始,逐步深入到装饰器的高级用法,让你了解如何利用这一特性来优化你的Python代码。准备好让你的代码变得更加优雅和强大了吗?让我们开始吧!
16 1
|
9天前
|
存储 缓存 监控
掌握Python装饰器:提升代码复用性与可读性的利器
在本文中,我们将深入探讨Python装饰器的概念、工作原理以及如何有效地应用它们来增强代码的可读性和复用性。不同于传统的函数调用,装饰器提供了一种优雅的方式来修改或扩展函数的行为,而无需直接修改原始函数代码。通过实际示例和应用场景分析,本文旨在帮助读者理解装饰器的实用性,并鼓励在日常编程实践中灵活运用这一强大特性。
|
11天前
|
机器学习/深度学习 数据采集 人工智能
探索机器学习:从理论到Python代码实践
【10月更文挑战第36天】本文将深入浅出地介绍机器学习的基本概念、主要算法及其在Python中的实现。我们将通过实际案例,展示如何使用scikit-learn库进行数据预处理、模型选择和参数调优。无论你是初学者还是有一定基础的开发者,都能从中获得启发和实践指导。
27 2
|
2月前
|
人工智能 数据挖掘 数据处理
揭秘Python编程之美:从基础到进阶的代码实践之旅
【9月更文挑战第14天】本文将带领读者深入探索Python编程语言的魅力所在。通过简明扼要的示例,我们将揭示Python如何简化复杂问题,提升编程效率。无论你是初学者还是有一定经验的开发者,这篇文章都将为你打开一扇通往高效编码世界的大门。让我们开始这段充满智慧和乐趣的Python编程之旅吧!
|
6月前
|
算法 编译器 开发者
如何提高Python代码的性能:优化技巧与实践
本文探讨了如何提高Python代码的性能,重点介绍了一些优化技巧与实践方法。通过使用适当的数据结构、算法和编程范式,以及利用Python内置的性能优化工具,可以有效地提升Python程序的执行效率,从而提升整体应用性能。本文将针对不同场景和需求,分享一些实用的优化技巧,并通过示例代码和性能测试结果加以说明。
|
1月前
|
大数据 Python
Python 高级编程:深入探索高级代码实践
本文深入探讨了Python的四大高级特性:装饰器、生成器、上下文管理器及并发与并行编程。通过装饰器,我们能够在不改动原函数的基础上增添功能;生成器允许按需生成值,优化处理大数据;上下文管理器确保资源被妥善管理和释放;多线程等技术则助力高效完成并发任务。本文通过具体代码实例详细解析这些特性的应用方法,帮助读者提升Python编程水平。
93 5
|
3月前
|
机器学习/深度学习 Python
时间序列特征提取:从理论到Python代码实践
时间序列是一种特殊的存在。这意味着你对表格数据或图像进行的许多转换/操作/处理技术对于时间序列来说可能根本不起作用。
59 1
时间序列特征提取:从理论到Python代码实践
下一篇
无影云桌面