前往小程序,Get更优阅读体验!
立即前往
首页
学习
活动
专区
工具
TVP
发布
社区首页 >专栏 >读者答疑 | python怎么计算流函数

读者答疑 | python怎么计算流函数

作者头像
用户11172986
发布2024-08-29 17:46:55
1070
发布2024-08-29 17:46:55
举报
文章被收录于专栏:气python风雨

温馨提示

由于可视化代码过长隐藏,可点击运行Fork查看 若没有成功加载可视化图,点击运行可以查看 ps:隐藏代码在【代码已被隐藏】所在行,点击所在行,可以看到该行的最右角,会出现个三角形,点击查看即可

前言

流函数是气象学中一个重要的概念,它可以帮助我们理解和分析风场特性,特别是在二维无旋流动的情况下,流函数可以完全描述流动状态。对于气象学家而言,掌握流函数的计算方法是十分必要的,因为这有助于提高天气预报的准确性以及对气候变化的理解

项目目标

本项目的核心目标是解决在气象计算中流函数计算的问题,通过提供几种不同的方法来计算流函数,使得研究人员能够更加灵活和高效地处理气象数据

项目方法

在本项目中,我们介绍了三种计算流函数的基本方法:

metpy:求解蒙哥马利流函数 windspharm:球谐函数(或球面谐波,spherical harmonics) ,使用快速傅里叶变化(FFT)解方程 xinvert:逐次超松弛法(SOR)解泊松方程

安装与导入库

代码语言:javascript
复制
!pip install windspharm -i https://pypi.mirrors.ustc.edu.cn/simple/
代码语言:javascript
复制
!pip install xinvert -i https://pypi.mirrors.ustc.edu.cn/simple/
代码语言:javascript
复制
import cartopy.crs as ccrs
import cartopy.feature as cfeature
import matplotlib.pyplot as plt
import numpy as np
import xarray as xr

import metpy.calc as mpcalc
from metpy.cbook import get_test_data
from metpy.plots import add_metpy_logo, add_timestamp
from metpy.units import units

metpy

蒙哥马利流函数 (Montgomery Streamfunction) 是一个经常被需要的量,因为它的梯度与等熵空间中的地转风成比例。这可以通过使用 mpcalc.montgomery_streamfunction 方法轻松计算得到。

蒙哥马利流函数 ((\Psi_m)) 在大气科学中是一个重要的概念,特别是在天气分析和预测中。它定义为:

其中:

  • (\Phi) 是位势能;
  • (C_p) 是定压比热容;
  • (T) 是温度。
代码语言:javascript
复制
import xarray as xr
ds = xr.open_dataset('/home/mw/input/xinvert2128/atmos3D.nc')
print(ds)
代码语言:javascript
复制
<xarray.Dataset> Size: 31MB
Dimensions:  (LEV: 37, lat: 145, lon: 288)
Coordinates:
  * LEV      (LEV) int32 148B 1000 975 950 925 900 875 ... 200 175 150 125 100
  * lat      (lat) float32 580B 90.0 88.75 87.5 86.25 ... -87.5 -88.75 -90.0
  * lon      (lon) float32 1kB 0.0 1.25 2.5 3.75 5.0 ... 355.0 356.2 357.5 358.8
Data variables:
    T        (LEV, lat, lon) float32 6MB ...
    U        (LEV, lat, lon) float32 6MB ...
    V        (LEV, lat, lon) float32 6MB ...
    hgt      (LEV, lat, lon) float32 6MB ...
    Omega    (LEV, lat, lon) float32 6MB ...
    psfc     (lat, lon) float32 167kB ...
代码语言:javascript
复制
print(list(ds.variables))
代码语言:javascript
复制
['time', 'lat', 'lon', 'u', 'v', 'div', 'vor', 'sf', 'vp']
代码语言:javascript
复制
msf = mpcalc.montgomery_streamfunction(
    ds['hgt'].sel(LEV=850),
    ds['T'].sel(LEV=850)
).data.to_base_units() * 1e-2
lon =ds.lon
lat =ds.lat
u = ds['U'].sel(LEV=850)
v = ds['V'].sel(LEV=850)
代码语言:javascript
复制

from meteva.base.tool.plot_tools import add_china_map_2basemap

bounds = [(80.,140., 15., 60.)]

fig = plt.figure(figsize=(17., 12.))
ax = plt.subplot(111, projection=ccrs.PlateCarree()) 
ax.set_extent(*bounds, crs=ccrs.PlateCarree())
# 核心代码
add_china_map_2basemap(ax, name="river", edgecolor='k', lw=0.5, encoding='gbk', grid0=None)  # "河流"
add_china_map_2basemap(ax, name="nation",edgecolor='k', lw=0.5, encoding='gbk', grid0=None)  # "国界"
add_china_map_2basemap(ax, name="province", edgecolor='k', lw=0.5, encoding='gbk', grid0=None)  # "省界"

# Plot the surface
clevmsf = np.arange(0, 4000, 20)
cs = ax.contour(lon, lat, msf, clevmsf,
                colors='k', linewidths=1.0, linestyles='solid', transform=ccrs.PlateCarree())
cs.clabel(fontsize=10, inline=1, inline_spacing=7, fmt='%i', rightside_up=True,
          use_clabeltext=True)

# Plot RH
cf = ax.contourf(lon, lat, ds['T'].sel(LEV=850),
                 range(230, 300, 5), cmap=plt.cm.gist_earth_r, transform=ccrs.PlateCarree())
cb = fig.colorbar(cf, orientation='horizontal', aspect=65, shrink=0.5, pad=0.05,
                  extendrect='True')
cb.set_label('T', size='x-large')

barb_increments = {
    'half': 2,   # 短杠 2 m/s
    'full': 4,   # 长杠 4 m/s
    'flag': 20   # 三角旗 20 m/s
}

# Plot wind barbs
ax.barbs(lon.values, lat.values, u,
         v, length=6,
         regrid_shape=20, transform=ccrs.PlateCarree(),barb_increments=barb_increments)

fig.tight_layout()
plt.show()

windspharm

具体过程请查看https://mp.weixin.qq.com/s/UOGPev4e4Ebf6eBYfvQ_RA

该方法局限性较大,下面放一下示例代码

代码语言:javascript
复制
"""
Compute streamfunction and velocity potential from the long-term-mean
flow.

This example uses the standard interface.

Additional requirements for this example:

* netCDF4 (http://unidata.github.io/netcdf4-python/)
* matplotlib (http://matplotlib.org/)
* cartopy (http://scitools.org.uk/cartopy/)

"""
import cartopy.crs as ccrs
from cartopy.mpl.ticker import LongitudeFormatter, LatitudeFormatter
from cartopy.util import add_cyclic_point
import matplotlib as mpl
import matplotlib.pyplot as plt
from netCDF4 import Dataset

from windspharm.standard import VectorWind
from windspharm.tools import prep_data, recover_data, order_latdim
from windspharm.examples import example_data_path

mpl.rcParams['mathtext.default'] = 'regular'


# Read zonal and meridional wind components from file using the netCDF4
# module. The components are defined on pressure levels and are in separate
# files.
ncu = Dataset(example_data_path('uwnd_mean.nc'), 'r')
uwnd = ncu.variables['uwnd'][:]
lons = ncu.variables['longitude'][:]
lats = ncu.variables['latitude'][:]
ncu.close()
ncv = Dataset(example_data_path('vwnd_mean.nc'), 'r')
vwnd = ncv.variables['vwnd'][:]
ncv.close()

# The standard interface requires that latitude and longitude be the leading
# dimensions of the input wind components, and that wind components must be
# either 2D or 3D arrays. The data read in is 3D and has latitude and
# longitude as the last dimensions. The bundled tools can make the process of
# re-shaping the data a lot easier to manage.
uwnd, uwnd_info = prep_data(uwnd, 'tyx')
vwnd, vwnd_info = prep_data(vwnd, 'tyx')

# It is also required that the latitude dimension is north-to-south. Again the
# bundled tools make this easy.
lats, uwnd, vwnd = order_latdim(lats, uwnd, vwnd)

# Create a VectorWind instance to handle the computation of streamfunction and
# velocity potential.
w = VectorWind(uwnd, vwnd)

# Compute the streamfunction and velocity potential. Also use the bundled
# tools to re-shape the outputs to the 4D shape of the wind components as they
# were read off files.
sf, vp = w.sfvp()
sf = recover_data(sf, uwnd_info)
vp = recover_data(vp, uwnd_info)

# Pick out the field for December and add a cyclic point (the cyclic point is
# for plotting purposes).
sf_dec, lons_c = add_cyclic_point(sf[11], lons)
vp_dec, lons_c = add_cyclic_point(vp[11], lons)

# Plot streamfunction.
ax1 = plt.axes(projection=ccrs.PlateCarree(central_longitude=180))
clevs = [-120, -100, -80, -60, -40, -20, 0, 20, 40, 60, 80, 100, 120]
sf_fill = ax1.contourf(lons_c, lats, sf_dec * 1e-06, clevs,
                       transform=ccrs.PlateCarree(), cmap=plt.cm.RdBu_r,
                       extend='both')
ax1.coastlines()
ax1.gridlines()
ax1.set_xticks([0, 60, 120, 180, 240, 300, 359.99], crs=ccrs.PlateCarree())
ax1.set_yticks([-90, -60, -30, 0, 30, 60, 90], crs=ccrs.PlateCarree())
lon_formatter = LongitudeFormatter(zero_direction_label=True,
                                   number_format='.0f')
lat_formatter = LatitudeFormatter()
ax1.xaxis.set_major_formatter(lon_formatter)
ax1.yaxis.set_major_formatter(lat_formatter)
plt.colorbar(sf_fill, orientation='horizontal')
plt.title('Streamfunction ($10^6$m$^2$s$^{-1}$)', fontsize=16)

# Plot velocity potential.
plt.figure()
ax2 = plt.axes(projection=ccrs.PlateCarree(central_longitude=180))
clevs = [-10, -8, -6, -4, -2, 0, 2, 4, 6, 8, 10]
vp_fill = ax2.contourf(lons_c, lats, vp_dec * 1e-06, clevs,
                       transform=ccrs.PlateCarree(), cmap=plt.cm.RdBu_r,
                       extend='both')
ax2.coastlines()
ax2.gridlines()
ax2.set_xticks([0, 60, 120, 180, 240, 300, 359.99], crs=ccrs.PlateCarree())
ax2.set_yticks([-90, -60, -30, 0, 30, 60, 90], crs=ccrs.PlateCarree())
lon_formatter = LongitudeFormatter(zero_direction_label=True,
                                   number_format='.0f')
lat_formatter = LatitudeFormatter()
ax2.xaxis.set_major_formatter(lon_formatter)
ax2.yaxis.set_major_formatter(lat_formatter)
plt.colorbar(vp_fill, orientation='horizontal')
plt.title('Velocity Potential ($10^6$m$^2$s$^{-1}$)', fontsize=16)
plt.show()
代码语言:javascript
复制
---------------------------------------------------------------------------

AttributeError                            Traceback (most recent call last)

Input In [57], in <cell line: 45>()
     38 ncv.close()
     40 # The standard interface requires that latitude and longitude be the leading
     41 # dimensions of the input wind components, and that wind components must be
     42 # either 2D or 3D arrays. The data read in is 3D and has latitude and
     43 # longitude as the last dimensions. The bundled tools can make the process of
     44 # re-shaping the data a lot easier to manage.
---> 45 uwnd, uwnd_info = prep_data(uwnd, 'tyx')
     46 vwnd, vwnd_info = prep_data(vwnd, 'tyx')
     48 # It is also required that the latitude dimension is north-to-south. Again the
     49 # bundled tools make this easy.


File /opt/conda/lib/python3.9/site-packages/windspharm/tools.py:98, in prep_data(data, dimorder)
     96 # Returns the prepared data and some data info to help data recovery.
     97 pdata, intorder = __order_dims(data, dimorder)
---> 98 pdata, intshape = __reshape(pdata)
     99 info = dict(intermediate_shape=intshape,
    100             intermediate_order=intorder,
    101             original_order=dimorder)
    102 return pdata, info


File /opt/conda/lib/python3.9/site-packages/windspharm/tools.py:46, in __reshape(d)
     45 def __reshape(d):
---> 46     out = d.reshape(d.shape[:2] + (np.prod(d.shape[2:], dtype=np.int),))
     47     return out, d.shape


File /opt/conda/lib/python3.9/site-packages/numpy/__init__.py:324, in __getattr__(attr)
    319     warnings.warn(
    320         f"In the future `np.{attr}` will be defined as the "
    321         "corresponding NumPy scalar.", FutureWarning, stacklevel=2)
    323 if attr in __former_attrs__:
--> 324     raise AttributeError(__former_attrs__[attr])
    326 if attr == 'testing':
    327     import numpy.testing as testing


AttributeError: module 'numpy' has no attribute 'int'.
`np.int` was a deprecated alias for the builtin `int`. To avoid this error in existing code, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information.
The aliases was originally deprecated in NumPy 1.20; for more details and guidance see the original release note at:
    https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations

很明显即使成功安装,其他库的适配仍然需要解决,因此不太推荐此方法

xinvert

使用松弛迭代法从涡度的泊松方程解出流函数

代码语言:javascript
复制
import xarray as xr
ds  = xr.open_dataset('/home/mw/input/xinvert2128/Helmholtz_atmos.nc')
vor = ds.vor

print(ds)
代码语言:javascript
复制
<xarray.Dataset> Size: 505kB
Dimensions:  (time: 2, lat: 73, lon: 144)
Coordinates:
  * time     (time) datetime64[ns] 16B 2008-01-01 2008-01-02
  * lat      (lat) float32 292B -90.0 -87.5 -85.0 -82.5 ... 82.5 85.0 87.5 90.0
  * lon      (lon) float32 576B 0.0 2.5 5.0 7.5 10.0 ... 350.0 352.5 355.0 357.5
Data variables:
    u        (time, lat, lon) float32 84kB ...
    v        (time, lat, lon) float32 84kB ...
    div      (time, lat, lon) float32 84kB ...
    vor      (time, lat, lon) float32 84kB ...
    sf       (time, lat, lon) float32 84kB ...
    vp       (time, lat, lon) float32 84kB ...
Attributes:
    comment:  uwnd anomaly
    storage:  99
    title:    plumb_flux
    undef:    99999.0
    pdef:     None
代码语言:javascript
复制
from xinvert import invert_Poisson

iParams = {
    'BCs'      : ['extend', 'periodic'],
    'mxLoop'   : 1000,
    'tolerance': 1e-12,
}

sf = invert_Poisson(vor, dims=['lat','lon'], iParams=iParams)
代码语言:javascript
复制
{time: 2008-01-01T00:00:00} loops 1000 and tolerance is 5.164704e-09
{time: 2008-01-02T00:00:00} loops 1000 and tolerance is 6.395749e-09
代码语言:javascript
复制
import matplotlib.pyplot as plt
import cartopy.crs as ccrs
import cartopy.feature as cfeature
from matplotlib.ticker import FixedLocator, FuncFormatter
import xarray as xr
import numpy as np

# 定义坐标轴格式器
def LONGITUDE_FORMATTER(x, pos=None):
    return f"{int(x)}°E" if x >= 0 else f"{abs(int(x))}°W"

def LATITUDE_FORMATTER(x, pos=None):
    return f"{int(x)}°N" if x >= 0 else f"{abs(int(x))}°S"

# 选择第一个时间步
u = ds.u.where(ds.u!=0)[0].load()
v = ds.v.where(ds.v!=0)[0].load()
m = np.hypot(u, v)

# 创建一个包含两个子图的图形
fig, axes = plt.subplots(nrows=2, ncols=1, figsize=(7, 7),
                         subplot_kw=dict(projection=ccrs.PlateCarree(central_longitude=180)))

# 设置字体大小
fontsize = 13

# 添加海岸线
for ax in axes.flat:
    ax.add_feature(cfeature.COASTLINE.with_scale('50m'))

# 设置网格线
gl = axes[0].gridlines(draw_labels=True, linestyle='--', color='gray', alpha=0.5, linewidth=0.5)
gl.xlocator = FixedLocator(np.arange(-180, 181, 60))
gl.ylocator = FixedLocator(np.arange(-90, 91, 30))
gl.xformatter = FuncFormatter(LONGITUDE_FORMATTER)
gl.yformatter = FuncFormatter(LATITUDE_FORMATTER)
gl.xlabel_style = {'size': fontsize}
gl.ylabel_style = {'size': fontsize}

# 绘制相对涡度
p = axes[0].contourf(u.lon, u.lat, vor[0]*1e5, cmap='bwr',
                     levels=np.linspace(-10, 10, 22),
                     transform=ccrs.PlateCarree())
axes[0].set_title('Relative Vorticity', fontsize=fontsize)
cb = fig.colorbar(p, ax=axes[0], orientation='vertical', shrink=0.5, pad=0.05)
cb.ax.tick_params(labelsize=fontsize)

# 绘制风场和反转流函数
p = axes[1].contourf(u.lon, u.lat, sf[0], levels=30, cmap='jet',
                     transform=ccrs.PlateCarree())
q = axes[1].quiver(u.lon.values, u.lat.values, u.values, v.values,
                   transform=ccrs.PlateCarree(),
                   width=0.0007, headwidth=12., headlength=15.)
axes[1].set_title('Wind Field and Inverted Streamfunction', fontsize=fontsize)
cb = fig.colorbar(p, ax=axes[1], orientation='vertical', shrink=0.5, pad=0.05)
cb.ax.tick_params(labelsize=fontsize)

plt.tight_layout()
plt.show()
代码语言:javascript
复制
/opt/conda/lib/python3.9/site-packages/cartopy/crs.py:545: UserWarning: Some vectors at source domain corners may not have been transformed correctly
  warnings.warn('Some vectors at source domain corners '

小结

解法五花八门,挑选合适你的即可

若是python无法满足需求可以看看ncl或者matlab

本文参与 腾讯云自媒体同步曝光计划,分享自微信公众号。
原始发表:2024-08-28,如有侵权请联系 cloudcommunity@tencent.com 删除

本文分享自 气python风雨 微信公众号,前往查看

如有侵权,请联系 cloudcommunity@tencent.com 删除。

本文参与 腾讯云自媒体同步曝光计划  ,欢迎热爱写作的你一起参与!

评论
登录后参与评论
0 条评论
热度
最新
推荐阅读
目录
  • 温馨提示
  • 前言
  • 项目目标
  • 项目方法
  • 安装与导入库
  • metpy
  • windspharm
  • xinvert
  • 小结
领券
问题归档专栏文章快讯文章归档关键词归档开发者手册归档开发者手册 Section 归档