【python海洋专题二十八】南海四季海流流速图

news2024/11/24 14:04:28

【python海洋专题二十八】南海四季海流流速图
在这里插入图片描述
在这里插入图片描述
在这里插入图片描述
在这里插入图片描述
在这里插入图片描述
在这里插入图片描述
在这里插入图片描述

往期推荐

图片
【python海洋专题一】查看数据nc文件的属性并输出属性到txt文件

【python海洋专题二】读取水深nc文件并水深地形图
【python海洋专题三】图像修饰之画布和坐标轴

【Python海洋专题四】之水深地图图像修饰

【Python海洋专题五】之水深地形图海岸填充

【Python海洋专题六】之Cartopy画地形水深图

【python海洋专题】测试数据

【Python海洋专题七】Cartopy画地形水深图的陆地填充

【python海洋专题八】Cartopy画地形水深图的contourf填充间隔数调整

【python海洋专题九】Cartopy画地形等深线图

【python海洋专题十】Cartopy画特定区域的地形等深线图

【python海洋专题十一】colormap调色

【python海洋专题十二】年平均的南海海表面温度图

【python海洋专题十三】读取多个nc文件画温度季节变化图

【python海洋专题十四】读取多个盐度nc数据画盐度季节变化图

【python海洋专题十五】给colorbar加单位

【python海洋专题十六】对大陆周边的数据进行临近插值

【python海洋专题十七】读取几十年的OHC数据,画四季图

【python海洋专题十八】读取Soda数据,画subplot的海表面高度四季变化图

【python海洋专题十九】找范围的语句进阶版本

【python海洋专题二十】subplots_adjust布局调整

【python海洋专题二十一】subplots共用一个colorbar

【python海洋专题二十二】在海图上text

【python海洋专题二十三】共用坐标轴

【python海洋专题二十四】南海年平均海流图

【python海洋专题二十五】给南海年平均海流+scale

【python海洋专题二十六】南海海流流速图

【python海洋专题二十七】南海四季海流图

【MATLAB海洋专题】历史汇总

【matlab程序】图片平面制作||文末点赞分享||海报制作等

大佬推荐一下物理海洋教材吧?

【matlab海洋专题】高级玫瑰图–风速风向频率玫瑰图–此图细节较多


# -*- coding: utf-8 -*-
# ---导入数据读取和处理的模块-------
from netCDF4 import Dataset
from pathlib import Path
import xarray as xr
import numpy as np
# ------导入画图相关函数--------
import matplotlib.pyplot as plt
from matplotlib.font_manager import FontProperties
import matplotlib.ticker as ticker
from cartopy import mpl
import cartopy.crs as ccrs
import cartopy.feature as feature
from cartopy.mpl.ticker import LongitudeFormatter, LatitudeFormatter
from pylab import *
# -----导入颜色包---------
import seaborn as sns
from matplotlib import cm
import palettable
from palettable.cmocean.diverging import Delta_4
from palettable.colorbrewer.sequential import GnBu_9
from palettable.colorbrewer.sequential import Blues_9
from palettable.scientific.diverging import Roma_20
from palettable.cmocean.diverging import Delta_20
from palettable.scientific.diverging import Roma_20
from palettable.cmocean.diverging import Balance_20
from matplotlib.colors import ListedColormap
#     -------导入插值模块-----
from scipy.interpolate import interp1d  # 引入scipy中的一维插值库
from scipy.interpolate import griddata  # 引入scipy中的二维插值库
from scipy.interpolate import interp2d


# ----define reverse_colourmap定义颜色的反向函数----
def reverse_colourmap(cmap, name='my_cmap_r'):
    reverse = []
    k = []

    for key in cmap._segmentdata:
        k.append(key)
        channel = cmap._segmentdata[key]
        data = []

        for t in channel:
            data.append((1 - t[0], t[2], t[1]))
        reverse.append(sorted(data))

    LinearL = dict(zip(k, reverse))
    my_cmap_r = mpl.colors.LinearSegmentedColormap(name, LinearL)
    return my_cmap_r


# ---colormap的读取和反向----
cmap01 = Balance_20.mpl_colormap
cmap0 = Blues_9.mpl_colormap
cmap_r = reverse_colourmap(cmap0)
cmap1 = GnBu_9.mpl_colormap
cmap_r1 = reverse_colourmap(cmap1)
cmap2 = Roma_20.mpl_colormap
cmap_r2 = reverse_colourmap(cmap2)
# ---read_data---
f1 = xr.open_dataset(r'E:\data\soda\soda3.12.2_5dy_ocean_reg_2017.nc')
print(f1)
# # 提取经纬度(这样就不需要重复读取)
lat = f1['yt_ocean'].data
lon = f1['xt_ocean'].data
u = f1['u'].data
v = f1['v'].data
depth = f1['st_ocean'].data
# print(depth)
time = f1['time'].data
# print(time)
# # -------- find scs 's temp-----------
ln1 = np.where(lon >= 100)[0][0]
ln2 = np.where(lon >= 125)[0][0]
la1 = np.where(lat >= 0)[0][0]
la2 = np.where(lat >= 25)[0][0]
# time_all=[(time>=1058760) & (time<=1059096)]   #13-27 Oct
# # # 画图网格
lon1 = lon[ln1:ln2]
lat1 = lat[la1:la2]
X, Y = np.meshgrid(lon1, lat1)
u_aim = u[:, 0, la1:la2, ln1:ln2]
v_aim = v[:, 0, la1:la2, ln1:ln2]
# # # ----------对时间维度求平均 得到年平均的current------------------
u_year_mean = np.mean(u_aim[:, :, :], axis=0)
v_year_mean = np.mean(v_aim[:, :, :], axis=0)
# ------春夏秋冬------
u_spr_mean = np.mean(u_aim[2:5, :, :], axis=0)
u_sum_mean = np.mean(u_aim[5:8, :, :], axis=0)
u_atu_mean = np.mean(u_aim[8:11, :, :], axis=0)
u_win_mean = (u_aim[0, :, :] + u_aim[1, :, :] + u_aim[11, :, :]) / 3
v_spr_mean = np.mean(v_aim[2:5, :, :], axis=0)
v_sum_mean = np.mean(v_aim[5:8, :, :], axis=0)
v_atu_mean = np.mean(v_aim[8:11, :, :], axis=0)
v_win_mean = (v_aim[0, :, :] + v_aim[1, :, :] + v_aim[11, :, :]) / 3
w_spr_mean_new = np.sqrt(np.square(u_spr_mean) + np.square(v_spr_mean))
w_sum_mean_new = np.sqrt(np.square(u_sum_mean) + np.square(v_sum_mean))
w_atu_mean_new = np.sqrt(np.square(u_atu_mean) + np.square(v_atu_mean))
w_win_mean_new = np.sqrt(np.square(u_win_mean) + np.square(v_win_mean))
# ----plot--------------
scale = '50m'
plt.rcParams['font.sans-serif'] = ['Times New Roman']  # 设置整体的字体为Times New Roman
# 设置显示中文字体
mpl.rcParams["font.sans-serif"] = ["SimHei"]
mpl.rcParams["mathtext.fontset"] = 'cm'  # 数学文字字体
mpl.rcParams["font.size"] = 12  # 字体大小
mpl.rcParams["axes.linewidth"] = 1  # 轴线边框粗细(默认的太粗了)
fig = plt.figure(dpi=300, figsize=(3.5, 2.6), facecolor='w', edgecolor='blue')  # 设置一个画板,将其返还给fig
# 通过subplots_adjust()设置间距配置
fig.subplots_adjust(left=0.06, bottom=0.05, right=0.85, top=0.95, wspace=0.01, hspace=0.15)
# --------第一个子图----------
ax = fig.add_subplot(2, 2, 1, projection=ccrs.PlateCarree(central_longitude=180))
ax.set_extent([100, 123, 0, 25], crs=ccrs.PlateCarree())  # 设置显示范围
land = feature.NaturalEarthFeature('physical', 'land', scale, edgecolor='face', zorder=1,
                                   facecolor=feature.COLORS['land'])
ax.add_feature(land, facecolor='0.6')
ax.add_feature(feature.COASTLINE.with_scale('50m'), lw=0.3, zorder=2)  # 添加海岸线:关键字lw设置线宽; lifestyle设置线型
cs = ax.quiver(X, Y, u_spr_mean, v_spr_mean, color='r', scale=5, zorder=1, width=0.003, headwidth=3,
               headlength=4.5, transform=ccrs.PlateCarree())
cf = ax.contourf(X, Y, w_spr_mean_new, extend='both', zorder=0, cmap=cmap_r2, levels=np.linspace(0, 1, 50),
                 transform=ccrs.PlateCarree())  #
font = {'family': 'serif',
        'weight': 'normal',
        'size': 4,
        }
ax.quiverkey(cs,  # 传入quiver句柄
             X=0.9, Y=1.015,  # 确定 label 所在位置,都限制在[0,1]之间
             U=0.5,  # 参考箭头长度 表示风速为5m/s。
             angle=0,  # 参考箭头摆放角度。默认为0,即水平摆放
             label='0.5m/s',  # 箭头的补充:label的内容  +
             labelsep=0.01,
             labelpos='N',  # label在参考箭头的哪个方向; S表示南边
             color='r', labelcolor='r',  # 箭头颜色 + label的颜色
             fontproperties=font,  # l abel 的字体设置:大小,样式,weight
             zorder=10,
             )
# --------------添加标题----------------
ax.set_title('春季', loc="center", fontsize=6, pad=1)
# ------------------利用Formatter格式化刻度标签-----------------
ax.set_xticks(np.arange(100, 123, 5), crs=ccrs.PlateCarree())  # 添加经纬度
ax.set_xticklabels(np.arange(100, 123, 5), fontsize=4)
ax.set_yticks(np.arange(0, 25, 5), crs=ccrs.PlateCarree())
ax.set_yticklabels(np.arange(0, 25, 5), fontsize=4)
ax.xaxis.set_major_formatter(LongitudeFormatter())
ax.yaxis.set_major_formatter(LatitudeFormatter())
ax.tick_params(axis='x', top=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 刻度样式  pad代表标题离轴的远近
ax.tick_params(axis='y', right=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 更改刻度指向为朝内,颜色设置为蓝色
gl = ax.gridlines(crs=ccrs.PlateCarree(), draw_labels=False, xlocs=np.arange(100, 123, 5), ylocs=np.arange(0, 25, 5),
                  linewidth=0.25, linestyle='--', color='k', alpha=0.8)  # 添加网格线
gl.top_labels, gl.bottom_labels, gl.right_labels, gl.left_labels = False, False, False, False
# plt.yticks([])
plt.xticks([])
# -----第二个子图# --------子图----------
ax = fig.add_subplot(2, 2, 2, projection=ccrs.PlateCarree(central_longitude=180))
ax.set_extent([100, 123, 0, 25], crs=ccrs.PlateCarree())  # 设置显示范围
land = feature.NaturalEarthFeature('physical', 'land', scale, edgecolor='face', zorder=1,
                                   facecolor=feature.COLORS['land'])
ax.add_feature(land, facecolor='0.6')
ax.add_feature(feature.COASTLINE.with_scale('50m'), lw=0.3, zorder=2)  # 添加海岸线:关键字lw设置线宽; lifestyle设置线型
cs = ax.quiver(X, Y, u_sum_mean, v_sum_mean, color='r', scale=5, zorder=1, width=0.003, headwidth=3,
               headlength=4.5, transform=ccrs.PlateCarree())
cf = ax.contourf(X, Y, w_sum_mean_new, extend='both', zorder=0, cmap=cmap_r2, levels=np.linspace(0, 1, 50),
                 transform=ccrs.PlateCarree())  #
font = {'family': 'serif',
        'weight': 'normal',
        'size': 4,
        }
ax.quiverkey(cs,  # 传入quiver句柄
             X=0.9, Y=1.015,  # 确定 label 所在位置,都限制在[0,1]之间
             U=0.5,  # 参考箭头长度 表示风速为5m/s。
             angle=0,  # 参考箭头摆放角度。默认为0,即水平摆放
             label='0.5m/s',  # 箭头的补充:label的内容  +
             labelsep=0.01,
             labelpos='N',  # label在参考箭头的哪个方向; S表示南边
             color='r', labelcolor='r',  # 箭头颜色 + label的颜色
             fontproperties=font,  # l abel 的字体设置:大小,样式,weight
             zorder=10,
             )
# --------------添加标题----------------
ax.set_title('夏季', loc="center", fontsize=6, pad=1)
# ------------------利用Formatter格式化刻度标签-----------------
ax.set_xticks(np.arange(100, 123, 5), crs=ccrs.PlateCarree())  # 添加经纬度
ax.set_xticklabels(np.arange(100, 123, 5), fontsize=4)
ax.set_yticks(np.arange(0, 25, 5), crs=ccrs.PlateCarree())
ax.set_yticklabels(np.arange(0, 25, 5), fontsize=4)
ax.xaxis.set_major_formatter(LongitudeFormatter())
ax.yaxis.set_major_formatter(LatitudeFormatter())
ax.tick_params(axis='x', top=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 刻度样式  pad代表标题离轴的远近
ax.tick_params(axis='y', right=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 更改刻度指向为朝内,颜色设置为蓝色
gl = ax.gridlines(crs=ccrs.PlateCarree(), draw_labels=False, xlocs=np.arange(100, 123, 5), ylocs=np.arange(0, 25, 5),
                  linewidth=0.25, linestyle='--', color='k', alpha=0.8)  # 添加网格线
gl.top_labels, gl.bottom_labels, gl.right_labels, gl.left_labels = False, False, False, False
plt.yticks([])
plt.xticks([])
# -----第san个子图# --------子图----------
ax = fig.add_subplot(2, 2, 3, projection=ccrs.PlateCarree(central_longitude=180))
ax.set_extent([100, 123, 0, 25], crs=ccrs.PlateCarree())  # 设置显示范围
land = feature.NaturalEarthFeature('physical', 'land', scale, edgecolor='face', zorder=1,
                                   facecolor=feature.COLORS['land'])
ax.add_feature(land, facecolor='0.6')
ax.add_feature(feature.COASTLINE.with_scale('50m'), lw=0.3, zorder=2)  # 添加海岸线:关键字lw设置线宽; lifestyle设置线型
cs = ax.quiver(X, Y, u_atu_mean, v_atu_mean, color='r', scale=5, zorder=1, width=0.003, headwidth=3,
               headlength=4.5, transform=ccrs.PlateCarree())
cf = ax.contourf(X, Y, w_atu_mean_new, extend='both', zorder=0, cmap=cmap_r2, levels=np.linspace(0, 1, 50),
                 transform=ccrs.PlateCarree())  #
font = {'family': 'serif',
        'weight': 'normal',
        'size': 4,
        }
ax.quiverkey(cs,  # 传入quiver句柄
             X=0.9, Y=1.015,  # 确定 label 所在位置,都限制在[0,1]之间
             U=0.5,  # 参考箭头长度 表示风速为5m/s。
             angle=0,  # 参考箭头摆放角度。默认为0,即水平摆放
             label='0.5m/s',  # 箭头的补充:label的内容  +
             labelsep=0.01,
             labelpos='N',  # label在参考箭头的哪个方向; S表示南边
             color='r', labelcolor='r',  # 箭头颜色 + label的颜色
             fontproperties=font,  # l abel 的字体设置:大小,样式,weight
             zorder=10,
             )
# --------------添加标题----------------
ax.set_title('秋季', loc="center", fontsize=6, pad=1)
# ------------------利用Formatter格式化刻度标签-----------------
ax.set_xticks(np.arange(100, 123, 5), crs=ccrs.PlateCarree())  # 添加经纬度
ax.set_xticklabels(np.arange(100, 123, 5), fontsize=4)
ax.set_yticks(np.arange(0, 25, 5), crs=ccrs.PlateCarree())
ax.set_yticklabels(np.arange(0, 25, 5), fontsize=4)
ax.xaxis.set_major_formatter(LongitudeFormatter())
ax.yaxis.set_major_formatter(LatitudeFormatter())
ax.tick_params(axis='x', top=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 刻度样式  pad代表标题离轴的远近
ax.tick_params(axis='y', right=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 更改刻度指向为朝内,颜色设置为蓝色
gl = ax.gridlines(crs=ccrs.PlateCarree(), draw_labels=False, xlocs=np.arange(100, 123, 5), ylocs=np.arange(0, 25, 5),
                  linewidth=0.25, linestyle='--', color='k', alpha=0.8)  # 添加网格线
gl.top_labels, gl.bottom_labels, gl.right_labels, gl.left_labels = False, False, False, False
# plt.yticks([])
# plt.xticks([])
# -----第四个子图# --------子图----------
ax = fig.add_subplot(2, 2, 4, projection=ccrs.PlateCarree(central_longitude=180))
ax.set_extent([100, 123, 0, 25], crs=ccrs.PlateCarree())  # 设置显示范围
land = feature.NaturalEarthFeature('physical', 'land', scale, edgecolor='face', zorder=1,
                                   facecolor=feature.COLORS['land'])
ax.add_feature(land, facecolor='0.6')
ax.add_feature(feature.COASTLINE.with_scale('50m'), lw=0.3, zorder=2)  # 添加海岸线:关键字lw设置线宽; lifestyle设置线型
cs = ax.quiver(X, Y, u_win_mean, v_win_mean, color='r', scale=5, zorder=1, width=0.003, headwidth=3,
               headlength=4.5, transform=ccrs.PlateCarree())
cf = ax.contourf(X, Y, w_win_mean_new, extend='both', zorder=0, cmap=cmap_r2, levels=np.linspace(0, 1, 50),
                 transform=ccrs.PlateCarree())  #
font = {'family': 'serif',
        'weight': 'normal',
        'size': 4,
        }
ax.quiverkey(cs,  # 传入quiver句柄
             X=0.9, Y=1.015,  # 确定 label 所在位置,都限制在[0,1]之间
             U=0.5,  # 参考箭头长度 表示风速为5m/s。
             angle=0,  # 参考箭头摆放角度。默认为0,即水平摆放
             label='0.5m/s',  # 箭头的补充:label的内容  +
             labelsep=0.01,
             labelpos='N',  # label在参考箭头的哪个方向; S表示南边
             color='r', labelcolor='r',  # 箭头颜色 + label的颜色
             fontproperties=font,  # l abel 的字体设置:大小,样式,weight
             zorder=10,
             )
# --------------添加标题----------------
ax.set_title('冬季', loc="center", fontsize=6, pad=1)
# ------------------利用Formatter格式化刻度标签-----------------
ax.set_xticks(np.arange(100, 123, 5), crs=ccrs.PlateCarree())  # 添加经纬度
ax.set_xticklabels(np.arange(100, 123, 5), fontsize=4)
ax.set_yticks(np.arange(0, 25, 5), crs=ccrs.PlateCarree())
ax.set_yticklabels(np.arange(0, 25, 5), fontsize=4)
ax.xaxis.set_major_formatter(LongitudeFormatter())
ax.yaxis.set_major_formatter(LatitudeFormatter())
ax.tick_params(axis='x', top=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 刻度样式  pad代表标题离轴的远近
ax.tick_params(axis='y', right=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 更改刻度指向为朝内,颜色设置为蓝色
gl = ax.gridlines(crs=ccrs.PlateCarree(), draw_labels=False, xlocs=np.arange(100, 123, 5), ylocs=np.arange(0, 25, 5),
                  linewidth=0.25, linestyle='--', color='k', alpha=0.8)  # 添加网格线
gl.top_labels, gl.bottom_labels, gl.right_labels, gl.left_labels = False, False, False, False
# % 不显示坐标刻度
plt.yticks([])
# plt.xticks([])
# ---------共用colorbar------
cb_ax = fig.add_axes([0.85, 0.1, 0.02, 0.8])  #设置colarbar位置
cbar = fig.colorbar(cf, cax=cb_ax, ax=ax, extend='both', orientation='vertical', ticks=[0, 0.2, 0.4, 0.6, 0.8, 1.0])     #共享colorbar
plt.savefig('subplot_current_45.jpg', dpi=600, bbox_inches='tight', pad_inches=0.1)  # 输出地图,并设置边框空白紧密
plt.show()
2

# -*- coding: utf-8 -*-
# ---导入数据读取和处理的模块-------
from netCDF4 import Dataset
from pathlib import Path
import xarray as xr
import numpy as np
# ------导入画图相关函数--------
import matplotlib.pyplot as plt
from matplotlib.font_manager import FontProperties
import matplotlib.ticker as ticker
from cartopy import mpl
import cartopy.crs as ccrs
import cartopy.feature as feature
from cartopy.mpl.ticker import LongitudeFormatter, LatitudeFormatter
from pylab import *
# -----导入颜色包---------
import seaborn as sns
from matplotlib import cm
import palettable
from palettable.cmocean.diverging import Delta_4
from palettable.colorbrewer.sequential import GnBu_9
from palettable.colorbrewer.sequential import Blues_9
from palettable.scientific.diverging import Roma_20
from palettable.cmocean.diverging import Delta_20
from palettable.scientific.diverging import Roma_20
from palettable.cmocean.diverging import Balance_20
from matplotlib.colors import ListedColormap
#     -------导入插值模块-----
from scipy.interpolate import interp1d  # 引入scipy中的一维插值库
from scipy.interpolate import griddata  # 引入scipy中的二维插值库
from scipy.interpolate import interp2d


# ----define reverse_colourmap定义颜色的反向函数----
def reverse_colourmap(cmap, name='my_cmap_r'):
    reverse = []
    k = []

    for key in cmap._segmentdata:
        k.append(key)
        channel = cmap._segmentdata[key]
        data = []

        for t in channel:
            data.append((1 - t[0], t[2], t[1]))
        reverse.append(sorted(data))

    LinearL = dict(zip(k, reverse))
    my_cmap_r = mpl.colors.LinearSegmentedColormap(name, LinearL)
    return my_cmap_r


# ---colormap的读取和反向----
cmap01 = Balance_20.mpl_colormap
cmap0 = Blues_9.mpl_colormap
cmap_r = reverse_colourmap(cmap0)
cmap1 = GnBu_9.mpl_colormap
cmap_r1 = reverse_colourmap(cmap1)
cmap2 = Roma_20.mpl_colormap
cmap_r2 = reverse_colourmap(cmap2)
# ---read_data---
f1 = xr.open_dataset(r'E:\data\soda\soda3.12.2_5dy_ocean_reg_2017.nc')
print(f1)
# # 提取经纬度(这样就不需要重复读取)
lat = f1['yt_ocean'].data
lon = f1['xt_ocean'].data
u = f1['u'].data
v = f1['v'].data
depth = f1['st_ocean'].data
# print(depth)
time = f1['time'].data
# print(time)
# # -------- find scs 's temp-----------
ln1 = np.where(lon >= 100)[0][0]
ln2 = np.where(lon >= 125)[0][0]
la1 = np.where(lat >= 0)[0][0]
la2 = np.where(lat >= 25)[0][0]
# time_all=[(time>=1058760) & (time<=1059096)]   #13-27 Oct
# # # 画图网格
lon1 = lon[ln1:ln2]
lat1 = lat[la1:la2]
X, Y = np.meshgrid(lon1, lat1)
u_aim = u[:, 0, la1:la2, ln1:ln2]
v_aim = v[:, 0, la1:la2, ln1:ln2]
# # # ----------对时间维度求平均 得到年平均的current------------------
u_year_mean = np.mean(u_aim[:, :, :], axis=0)
v_year_mean = np.mean(v_aim[:, :, :], axis=0)
# ------春夏秋冬------
u_spr_mean = np.mean(u_aim[2:5, :, :], axis=0)
u_sum_mean = np.mean(u_aim[5:8, :, :], axis=0)
u_atu_mean = np.mean(u_aim[8:11, :, :], axis=0)
u_win_mean = (u_aim[0, :, :] + u_aim[1, :, :] + u_aim[11, :, :]) / 3
v_spr_mean = np.mean(v_aim[2:5, :, :], axis=0)
v_sum_mean = np.mean(v_aim[5:8, :, :], axis=0)
v_atu_mean = np.mean(v_aim[8:11, :, :], axis=0)
v_win_mean = (v_aim[0, :, :] + v_aim[1, :, :] + v_aim[11, :, :]) / 3
w_spr_mean_new = np.sqrt(np.square(u_spr_mean) + np.square(v_spr_mean))
w_sum_mean_new = np.sqrt(np.square(u_sum_mean) + np.square(v_sum_mean))
w_atu_mean_new = np.sqrt(np.square(u_atu_mean) + np.square(v_atu_mean))
w_win_mean_new = np.sqrt(np.square(u_win_mean) + np.square(v_win_mean))
# ----plot--------------
scale = '50m'
plt.rcParams['font.sans-serif'] = ['Times New Roman']  # 设置整体的字体为Times New Roman
# 设置显示中文字体
mpl.rcParams["font.sans-serif"] = ["SimHei"]
mpl.rcParams["mathtext.fontset"] = 'cm'  # 数学文字字体
mpl.rcParams["font.size"] = 12  # 字体大小
mpl.rcParams["axes.linewidth"] = 1  # 轴线边框粗细(默认的太粗了)
fig = plt.figure(dpi=300, figsize=(3.5, 2.6), facecolor='w', edgecolor='blue')  # 设置一个画板,将其返还给fig
# 通过subplots_adjust()设置间距配置
fig.subplots_adjust(left=0.05, bottom=0.05, right=0.9, top=0.95, wspace=0.05, hspace=0.15)
# --------第一个子图----------
ax = fig.add_subplot(2, 2, 1, projection=ccrs.PlateCarree(central_longitude=180))
ax.set_extent([100, 123, 0, 25], crs=ccrs.PlateCarree())  # 设置显示范围
land = feature.NaturalEarthFeature('physical', 'land', scale, edgecolor='face', zorder=1,
                                   facecolor=feature.COLORS['land'])
ax.add_feature(land, facecolor='0.6')
ax.add_feature(feature.COASTLINE.with_scale('50m'), lw=0.3, zorder=2)  # 添加海岸线:关键字lw设置线宽; lifestyle设置线型
cs = ax.quiver(X, Y, u_spr_mean, v_spr_mean, color='r', scale=5, zorder=1, width=0.003, headwidth=3,
               headlength=4.5, transform=ccrs.PlateCarree())
cf = ax.contourf(X, Y, w_spr_mean_new, extend='both', zorder=0, cmap=cmap_r2, levels=np.linspace(0, 1, 50),
                 transform=ccrs.PlateCarree())  #
# ------color-bar设置------------
cb = plt.colorbar(cf, ax=ax, extend='both', orientation='vertical', ticks=np.linspace(0, 1, 6))
cb.ax.tick_params(labelsize=4, direction='in')  # 设置color-bar刻度字体大小。
font = {'family': 'serif',
        'weight': 'normal',
        'size': 4,
        }
ax.quiverkey(cs,  # 传入quiver句柄
             X=0.9, Y=1.015,  # 确定 label 所在位置,都限制在[0,1]之间
             U=0.5,  # 参考箭头长度 表示风速为5m/s。
             angle=0,  # 参考箭头摆放角度。默认为0,即水平摆放
             label='0.5m/s',  # 箭头的补充:label的内容  +
             labelsep=0.01,
             labelpos='N',  # label在参考箭头的哪个方向; S表示南边
             color='r', labelcolor='r',  # 箭头颜色 + label的颜色
             fontproperties=font,  # l abel 的字体设置:大小,样式,weight
             zorder=10,
             )
# --------------添加标题----------------
ax.set_title('春季', loc="center", fontsize=6, pad=1)
# ------------------利用Formatter格式化刻度标签-----------------
ax.set_xticks(np.arange(100, 123, 5), crs=ccrs.PlateCarree())  # 添加经纬度
ax.set_xticklabels(np.arange(100, 123, 5), fontsize=4)
ax.set_yticks(np.arange(0, 25, 5), crs=ccrs.PlateCarree())
ax.set_yticklabels(np.arange(0, 25, 5), fontsize=4)
ax.xaxis.set_major_formatter(LongitudeFormatter())
ax.yaxis.set_major_formatter(LatitudeFormatter())
ax.tick_params(axis='x', top=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 刻度样式  pad代表标题离轴的远近
ax.tick_params(axis='y', right=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 更改刻度指向为朝内,颜色设置为蓝色
gl = ax.gridlines(crs=ccrs.PlateCarree(), draw_labels=False, xlocs=np.arange(100, 123, 5), ylocs=np.arange(0, 25, 5),
                  linewidth=0.25, linestyle='--', color='k', alpha=0.8)  # 添加网格线
gl.top_labels, gl.bottom_labels, gl.right_labels, gl.left_labels = False, False, False, False
# -----第二个子图# --------子图----------
ax = fig.add_subplot(2, 2, 2, projection=ccrs.PlateCarree(central_longitude=180))
ax.set_extent([100, 123, 0, 25], crs=ccrs.PlateCarree())  # 设置显示范围
land = feature.NaturalEarthFeature('physical', 'land', scale, edgecolor='face', zorder=1,
                                   facecolor=feature.COLORS['land'])
ax.add_feature(land, facecolor='0.6')
ax.add_feature(feature.COASTLINE.with_scale('50m'), lw=0.3, zorder=2)  # 添加海岸线:关键字lw设置线宽; lifestyle设置线型
cs = ax.quiver(X, Y, u_sum_mean, v_sum_mean, color='r', scale=5, zorder=1, width=0.003, headwidth=3,
               headlength=4.5, transform=ccrs.PlateCarree())
cf = ax.contourf(X, Y, w_sum_mean_new, extend='both', zorder=0, cmap=cmap_r2, levels=np.linspace(0, 1, 50),
                 transform=ccrs.PlateCarree())  #
# ------color-bar设置------------
cb = plt.colorbar(cf, ax=ax, extend='both', orientation='vertical', ticks=np.linspace(0, 1, 6))
cb.set_label('current_size', fontsize=4, color='k')  # 设置color-bar的标签字体及其大小
font = {'family': 'serif',
        'weight': 'normal',
        'size': 4,
        }
ax.quiverkey(cs,  # 传入quiver句柄
             X=0.9, Y=1.015,  # 确定 label 所在位置,都限制在[0,1]之间
             U=0.5,  # 参考箭头长度 表示风速为5m/s。
             angle=0,  # 参考箭头摆放角度。默认为0,即水平摆放
             label='0.5m/s',  # 箭头的补充:label的内容  +
             labelsep=0.01,
             labelpos='N',  # label在参考箭头的哪个方向; S表示南边
             color='r', labelcolor='r',  # 箭头颜色 + label的颜色
             fontproperties=font,  # l abel 的字体设置:大小,样式,weight
             zorder=10,
             )
# --------------添加标题----------------
ax.set_title('夏季', loc="center", fontsize=6, pad=1)
# ------------------利用Formatter格式化刻度标签-----------------
ax.set_xticks(np.arange(100, 123, 5), crs=ccrs.PlateCarree())  # 添加经纬度
ax.set_xticklabels(np.arange(100, 123, 5), fontsize=4)
ax.set_yticks(np.arange(0, 25, 5), crs=ccrs.PlateCarree())
ax.set_yticklabels(np.arange(0, 25, 5), fontsize=4)
ax.xaxis.set_major_formatter(LongitudeFormatter())
ax.yaxis.set_major_formatter(LatitudeFormatter())
ax.tick_params(axis='x', top=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 刻度样式  pad代表标题离轴的远近
ax.tick_params(axis='y', right=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 更改刻度指向为朝内,颜色设置为蓝色
gl = ax.gridlines(crs=ccrs.PlateCarree(), draw_labels=False, xlocs=np.arange(100, 123, 5), ylocs=np.arange(0, 25, 5),
                  linewidth=0.25, linestyle='--', color='k', alpha=0.8)  # 添加网格线
gl.top_labels, gl.bottom_labels, gl.right_labels, gl.left_labels = False, False, False, False
# -----第san个子图# --------子图----------
ax = fig.add_subplot(2, 2, 3, projection=ccrs.PlateCarree(central_longitude=180))
ax.set_extent([100, 123, 0, 25], crs=ccrs.PlateCarree())  # 设置显示范围
land = feature.NaturalEarthFeature('physical', 'land', scale, edgecolor='face', zorder=1,
                                   facecolor=feature.COLORS['land'])
ax.add_feature(land, facecolor='0.6')
ax.add_feature(feature.COASTLINE.with_scale('50m'), lw=0.3, zorder=2)  # 添加海岸线:关键字lw设置线宽; lifestyle设置线型
cs = ax.quiver(X, Y, u_atu_mean, v_atu_mean, color='r', scale=5, zorder=1, width=0.003, headwidth=3,
               headlength=4.5, transform=ccrs.PlateCarree())
cf = ax.contourf(X, Y, w_atu_mean_new, extend='both', zorder=0, cmap=cmap_r2, levels=np.linspace(0, 1, 50),
                 transform=ccrs.PlateCarree())  #
# ------color-bar设置------------
cb = plt.colorbar(cf, ax=ax, extend='both', orientation='vertical', ticks=np.linspace(0, 1, 6))
cb.ax.tick_params(labelsize=4, direction='in')  # 设置color-bar刻度字体大小。
font = {'family': 'serif',
        'weight': 'normal',
        'size': 4,
        }
ax.quiverkey(cs,  # 传入quiver句柄
             X=0.9, Y=1.015,  # 确定 label 所在位置,都限制在[0,1]之间
             U=0.5,  # 参考箭头长度 表示风速为5m/s。
             angle=0,  # 参考箭头摆放角度。默认为0,即水平摆放
             label='0.5m/s',  # 箭头的补充:label的内容  +
             labelsep=0.01,
             labelpos='N',  # label在参考箭头的哪个方向; S表示南边
             color='r', labelcolor='r',  # 箭头颜色 + label的颜色
             fontproperties=font,  # l abel 的字体设置:大小,样式,weight
             zorder=10,
             )
# --------------添加标题----------------
ax.set_title('秋季', loc="center", fontsize=6, pad=1)
# ------------------利用Formatter格式化刻度标签-----------------
ax.set_xticks(np.arange(100, 123, 5), crs=ccrs.PlateCarree())  # 添加经纬度
ax.set_xticklabels(np.arange(100, 123, 5), fontsize=4)
ax.set_yticks(np.arange(0, 25, 5), crs=ccrs.PlateCarree())
ax.set_yticklabels(np.arange(0, 25, 5), fontsize=4)
ax.xaxis.set_major_formatter(LongitudeFormatter())
ax.yaxis.set_major_formatter(LatitudeFormatter())
ax.tick_params(axis='x', top=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 刻度样式  pad代表标题离轴的远近
ax.tick_params(axis='y', right=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 更改刻度指向为朝内,颜色设置为蓝色
gl = ax.gridlines(crs=ccrs.PlateCarree(), draw_labels=False, xlocs=np.arange(100, 123, 5), ylocs=np.arange(0, 25, 5),
                  linewidth=0.25, linestyle='--', color='k', alpha=0.8)  # 添加网格线
gl.top_labels, gl.bottom_labels, gl.right_labels, gl.left_labels = False, False, False, False
# -----第四个子图# --------子图----------
ax = fig.add_subplot(2, 2, 4, projection=ccrs.PlateCarree(central_longitude=180))
ax.set_extent([100, 123, 0, 25], crs=ccrs.PlateCarree())  # 设置显示范围
land = feature.NaturalEarthFeature('physical', 'land', scale, edgecolor='face', zorder=1,
                                   facecolor=feature.COLORS['land'])
ax.add_feature(land, facecolor='0.6')
ax.add_feature(feature.COASTLINE.with_scale('50m'), lw=0.3, zorder=2)  # 添加海岸线:关键字lw设置线宽; lifestyle设置线型
cs = ax.quiver(X, Y, u_win_mean, v_win_mean, color='r', scale=5, zorder=1, width=0.003, headwidth=3,
               headlength=4.5, transform=ccrs.PlateCarree())
cf = ax.contourf(X, Y, w_win_mean_new, extend='both', zorder=0, cmap=cmap_r2, levels=np.linspace(0, 1, 50),
                 transform=ccrs.PlateCarree())  #
# ------color-bar设置------------
cb = plt.colorbar(cf, ax=ax, extend='both', orientation='vertical', ticks=np.linspace(0, 1, 6))
cb.set_label('current_size', fontsize=4, color='k')  # 设置color-bar的标签字体及其大小
font = {'family': 'serif',
        'weight': 'normal',
        'size': 4,
        }
ax.quiverkey(cs,  # 传入quiver句柄
             X=0.9, Y=1.015,  # 确定 label 所在位置,都限制在[0,1]之间
             U=0.5,  # 参考箭头长度 表示风速为5m/s。
             angle=0,  # 参考箭头摆放角度。默认为0,即水平摆放
             label='0.5m/s',  # 箭头的补充:label的内容  +
             labelsep=0.01,
             labelpos='N',  # label在参考箭头的哪个方向; S表示南边
             color='r', labelcolor='r',  # 箭头颜色 + label的颜色
             fontproperties=font,  # l abel 的字体设置:大小,样式,weight
             zorder=10,
             )
# --------------添加标题----------------
ax.set_title('冬季', loc="center", fontsize=6, pad=1)
# ------------------利用Formatter格式化刻度标签-----------------
ax.set_xticks(np.arange(100, 123, 5), crs=ccrs.PlateCarree())  # 添加经纬度
ax.set_xticklabels(np.arange(100, 123, 5), fontsize=4)
ax.set_yticks(np.arange(0, 25, 5), crs=ccrs.PlateCarree())
ax.set_yticklabels(np.arange(0, 25, 5), fontsize=4)
ax.xaxis.set_major_formatter(LongitudeFormatter())
ax.yaxis.set_major_formatter(LatitudeFormatter())
ax.tick_params(axis='x', top=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 刻度样式  pad代表标题离轴的远近
ax.tick_params(axis='y', right=True, which='major', direction='in', length=3, width=0.8, labelsize=5, pad=0.8,
               color='k')  # 更改刻度指向为朝内,颜色设置为蓝色
gl = ax.gridlines(crs=ccrs.PlateCarree(), draw_labels=False, xlocs=np.arange(100, 123, 5), ylocs=np.arange(0, 25, 5),
                  linewidth=0.25, linestyle='--', color='k', alpha=0.8)  # 添加网格线
gl.top_labels, gl.bottom_labels, gl.right_labels, gl.left_labels = False, False, False, False
plt.savefig('subplot_current_3.jpg', dpi=600, bbox_inches='tight', pad_inches=0.1)  # 输出地图,并设置边框空白紧密
plt.show()

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.coloradmin.cn/o/1123478.html

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈,一经查实,立即删除!

相关文章

云HIS系统,Cloud HIS system,云HIS医院信息管理系统源码

通过云HIS平台,可以减少医院投资,无需自建机房和系统,快速实现信息化服务。系统升级及日常维护服务有云平台提供,无需配备专业IT维护人员进行系统维护。 一、his系统和云his系统的区别 His系统和云his系统是两种不同的计算平台&#xff0c;它们在技术架构上存在很大的差异。下…

【python海洋专题二十七】南海四季海流图

【python海洋专题二十七】南海四季海流图 往期推荐 **[[ 【python海洋专题一】查看数据nc文件的属性并输出属性到txt文件] 【python海洋专题二】读取水深nc文件并水深地形图 【python海洋专题三】图像修饰之画布和坐标轴 【Python海洋专题四】之水深地图图像修饰 【Pyth…

电动汽车交流充电桩系统的设计方案

摘要&#xff1a;作为新能源汽车的基础动力装置&#xff0c;交流充电桩也是可以促使新能源汽车正常行驶的关键内容。与其他汽车不同的是&#xff0c;新能源汽车并不需要汽油维持其运行&#xff0c;只需要充电就可以保证汽车行驶的需求&#xff0c;可以降低汽油排放对环境的污染…

SpringBoot项目把Mysql从5.7升级到8.0

首先你需要把之前的库导入到mysql库导入到8.0的新库中。&#xff08;导入的时候会报错我是通过navcat备份恢复的&#xff09; 1、项目中需要修改pom文件的依赖 mysql 和 jdbc <dependency><groupId>mysql</groupId><artifactId>mysql-connector-java&…

nginx配置负载均衡--实战项目(适用于轮询、加权轮询、ip_hash)

&#x1f468;‍&#x1f393;博主简介 &#x1f3c5;云计算领域优质创作者   &#x1f3c5;华为云开发者社区专家博主   &#x1f3c5;阿里云开发者社区专家博主 &#x1f48a;交流社区&#xff1a;运维交流社区 欢迎大家的加入&#xff01; &#x1f40b; 希望大家多多支…

html登录注册标签

<!DOCTYPE html> <html lang"en"> <head><meta charset"UTF-8"><title>Title</title> </head> <body> <h1>登录注册</h1> <form action"第一个网页.html" method"post&quo…

LeetCode算法心得——元素和最小的山形三元组 II(预处理和简单动规)

大家好&#xff0c;我是晴天学长&#xff0c;枚举&#xff0b;简单的动态规划思想&#xff0c;和前段时间的周赛题的写法可以说一模一样&#xff0c;像这种类似3元的题&#xff0c;要控制时间复杂度的话&#xff0c;只能枚举一个变量&#xff0c;所以要前缀和或者动规等待。需要…

【Java笔试强训】Day3(OR59 字符串中找出连续最长的数字串、JZ39 数组中出现次数超过一半的数字)

OR59 字符串中找出连续最长的数字串 链接&#xff1a;OR59 字符串中找出连续最长的数字串 题目&#xff1a; 读入一个字符串str&#xff0c;输出字符串str中的连续最长的数字串 题目分析&#xff1a; 代码实现&#xff1a; package Day3;import java.util.Scanner;public…

k8s 使用ingress-nginx访问集群内部应用

k8s搭建和部署应用完成后&#xff0c;可以通过NodePort&#xff0c;Loadbalancer&#xff0c;Ingress方式将应用端口暴露到集群外部&#xff0c;提供外部访问。 缺点&#xff1a; NodePort占用端口&#xff0c;大量暴露端口非常不安全&#xff0c;并且有端口数量限制【不推荐】…

纺织ERP系统哪家的比较好?适用的纺织ERP软件有哪些

服装纺织是比较常见的行业&#xff0c;也是和我们生活关联比较密切的领域。不同的原材料有差异化的采购流程和生产工序&#xff0c;如何实时掌握库存数据和车间产能负荷&#xff0c;合理制定生产排期&#xff0c;关系到企业的生产效率和经营成本。 纺织ERP系统是针对性开发的智…

2023年中国汽车铸造模具竞争现状及行业市场规模前景分析[图]

铸造是将熔融金属填充入铸型内&#xff0c;经冷却凝固而获得所需形状和性能的零部件或毛坯的制作过程&#xff0c;铸造工艺中使用的模具被称为铸造模具&#xff0c;根据铸型的材质分为砂型铸造模具和金属型铸造模具等&#xff1b;金属型铸造模具根据压力不同可分为重力铸造模具…

【C++入门到精通】哈希 (STL) _ unordered_map _ unordered_set [ C++入门 ]

阅读导航 前言一、unordered系列容器二、unordered_map1. unordered_map简介⭕函数特点 2. unordered_map接口- 构造函数- unordered_map的容量- unordered_map的迭代器- unordered_map的元素访问- unordered_map的修改操作- unordered_map的桶操作 三、unordered_set1. unorde…

自学系列之小游戏---贪吃蛇(vue3+ts+vite+element-plus+sass)(module.scss + tsx)

提示&#xff1a;文章写完后&#xff0c;目录可以自动生成&#xff0c;如何生成可参考右边的帮助文档 文章目录 前言一、逻辑设计分析二、代码实现1.TS interface2.javascript3.页面样式&#xff08;Sass&#xff09; 三、截图展示四、总结 前言 主要技术如下&#xff1a;vue3…

微信h5支付配置,商家存在未配置的参数,请联系商家解决

对于PC端来说&#xff0c;只需要开通 native支付 就可以了 但手机端h5还需要配置支付域名&#xff0c;并且域名只需要配置一级就可以了&#xff0c;比如&#xff1a;a.test.com, b.test.com, 只需要配置 test.com 就能满足所有的二级域名了, 而不需要配置a.test.com或者b.te…

nmp、yarn、yeoman、bower是什么东西?

1&#xff1a;npm&#xff08;Node Package Manager&#xff09;&#xff1a;npm 是 Node.js 的包管理器&#xff0c;用于安装、管理和共享 JavaScript 包。它是 JavaScript 生态系统中最常用的包管理工具&#xff0c;可以轻松地安装和管理项目的依赖项。 2&#xff1a;Yarn&a…

远程桌面无法复制粘贴文件

本地通过mstsc连接到远程说面后&#xff0c;无法把本地文件复制到远程桌面上或者远程桌面的文件无法复制到本地机器修改。 思路:重启rdpclip服务 1、远程说面打开任务管理器 查看到rdpclip.exe程序&#xff0c;如果存在就关闭掉&#xff0c;不存在就跳过 2、winR打开运行&am…

2023 年 12 款最佳免费 PDF 阅读器

12 大最佳免费 PDF 阅读器 PDF 阅读器是一种可以打开 PDF 文件的软件&#xff0c;PDF 文件可能是最流行的文档格式。尽管 PDF 文件已经存在超过 25 年&#xff0c;但它仍然是 Internet 上文档的主要格式。但是&#xff0c;要打开此类文档&#xff0c;您必须在计算机上下载指定…

逐秒追加带序号输入当前时间:fgets fputs sprintf fprintf

//向某文件中逐秒追加带序号输入当前时间 #include<stdio.h> #include<stdlib.h> #include<time.h> #include<string.h> #include <unistd.h> int main(int argc, char const *argv[]) { time_t tv; // time(&tv);//法1:获取秒数 …

css flex实现同行div根据内容高度自适应且保持一致

有情况如下&#xff1a;三个div的高度是随着内容自适应的&#xff0c;但希望每列的高度都相同&#xff0c;即&#xff0c;都与最高的相同。 <!DOCTYPE html> <html lang"en"><head><meta charset"UTF-8"><meta name"viewp…

同为科技(TOWE)机架PDU产品在IDC数据中心机房建设中的应用

当今社会互联网发展迅速&#xff0c; 随着带宽需求的提升&#xff0c; 网络的保密性、安全性的要求就越来越迫切。PDU(Power Distribution Unit) 是 PDU具备电源分配和管理功能的电源分配管理器。PDU电源插座是多有设备运行的第一道也是最为密切的部件&#xff0c; PDU的好坏直…