本文整理汇总了Python中matplotlib.pyplot.quiver方法的典型用法代码示例。如果您正苦于以下问题:Python pyplot.quiver方法的具体用法?Python pyplot.quiver怎么用?Python pyplot.quiver使用的例子?那么, 这里精选的方法代码示例或许可以为您提供帮助。您也可以进一步了解该方法所在类matplotlib.pyplot
的用法示例。
在下文中一共展示了pyplot.quiver方法的15个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于系统推荐出更棒的Python代码示例。
示例1: flow_legend
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def flow_legend():
"""
show quiver plot to indicate how arrows are colored in the flow() method.
https://stackoverflow.com/questions/40026718/different-colours-for-arrows-in-quiver-plot
"""
ph = np.linspace(0, 2*np.pi, 13)
x = np.cos(ph)
y = np.sin(ph)
u = np.cos(ph)
v = np.sin(ph)
colors = np.arctan2(u, v)
norm = Normalize()
norm.autoscale(colors)
# we need to normalize our colors array to match it colormap domain
# which is [0, 1]
colormap = cm.winter
plt.figure(figsize=(6, 6))
plt.xlim(-2, 2)
plt.ylim(-2, 2)
plt.quiver(x, y, u, v, color=colormap(norm(colors)), angles='xy', scale_units='xy', scale=1)
plt.show()
示例2: plot_flow
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def plot_flow(I=0., eps=0.1, a=2.0):
"""Plots the phase plane of the Fitzhugh-Nagumo model
for given model parameters.
Args:
I: Constant input [mV]
eps: Inverse time constant of the recovery variable w [1/ms]
a: Offset of the w-nullcline [mV]
"""
# define the interval spanned by voltage v and recovery variable w
# to produce the phase plane
vv = np.arange(-2.5, 2.5, 0.2)
ww = np.arange(-2.5, 5.5, 0.2)
(VV, WW) = np.meshgrid(vv, ww)
# Compute derivative of v and w according to FHN equations
# and velocity as vector norm
dV = VV * (1. - (VV**2)) - WW + I
dW = eps * (VV + 0.5 * (a - WW))
vel = np.sqrt(dV**2 + dW**2)
# Use quiver function to plot the phase plane
plt.quiver(VV, WW, dV, dW, vel)
示例3: _quiver
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def _quiver(self, plot_kwargs=None, figure_kwargs=None, **kwargs):
"""
Function to create a quiver plot and push it
Parameters
----------
plot_kwargs : dict
the arguments for plotting
figure_kwargs : dict
the arguments to actually create the figure
**kwargs :
additional keyword arguments for pushing the created figure to the
logging writer
"""
if plot_kwargs is None:
plot_kwargs = {}
if figure_kwargs is None:
figure_kwargs = {}
with self.FigureManager(self._figure, figure_kwargs, kwargs):
from matplotlib.pyplot import quiver
quiver(**plot_kwargs)
示例4: plot_motion_model
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def plot_motion_model(self, sess, batch, motion_samples, task):
# define the inputs and train/run the model
input_dict = {**{self.placeholders[key]: batch[key] for key in 'osa'},
**{self.placeholders['num_particles']: 100},
}
s_motion_samples = sess.run(motion_samples, input_dict)
plt.figure('Motion Model')
plt.gca().clear()
plot_maze(task)
for i in range(min(len(s_motion_samples), 10)):
plt.quiver(s_motion_samples[i, :, 0], s_motion_samples[i, :, 1], np.cos(s_motion_samples[i, :, 2]), np.sin(s_motion_samples[i, :, 2]), color='blue', width=0.001, scale=100)
plt.quiver(batch['s'][i, 0, 0], batch['s'][i, 0, 1], np.cos(batch['s'][i, 0, 2]), np.sin(batch['s'][i, 0, 2]), color='black', scale=50, width=0.003)
plt.quiver(batch['s'][i, 1, 0], batch['s'][i, 1, 1], np.cos(batch['s'][i, 1, 2]), np.sin(batch['s'][i, 1, 2]), color='red', scale=50, width=0.003)
plt.gca().set_aspect('equal')
plt.pause(0.01)
示例5: plot_particle_proposer
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def plot_particle_proposer(self, sess, batch, proposed_particles, task):
# define the inputs and train/run the model
input_dict = {**{self.placeholders[key]: batch[key] for key in 'osa'},
**{self.placeholders['num_particles']: 100},
}
s_samples = sess.run(proposed_particles, input_dict)
plt.figure('Particle Proposer')
plt.gca().clear()
plot_maze(task)
for i in range(min(len(s_samples), 10)):
color = np.random.uniform(0.0, 1.0, 3)
plt.quiver(s_samples[i, :, 0], s_samples[i, :, 1], np.cos(s_samples[i, :, 2]), np.sin(s_samples[i, :, 2]), color=color, width=0.001, scale=100)
plt.quiver(batch['s'][i, 0, 0], batch['s'][i, 0, 1], np.cos(batch['s'][i, 0, 2]), np.sin(batch['s'][i, 0, 2]), color=color, scale=50, width=0.003)
plt.pause(0.01)
示例6: plot_trajectory
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def plot_trajectory(data, figure_name=None, show=False, pause=False, emphasize=None, odom=False, mincolor=0.0, linewidth=0.3):
from methods.odom import OdometryBaseline
if figure_name is not None:
plt.figure(figure_name)
for i, trajectories in enumerate(data['s']):
plt.plot(trajectories[:, 0], trajectories[:, 1], '-', color='red', linewidth=linewidth, zorder=0, markersize=4)
plt.plot(trajectories[:5, 0], trajectories[:5, 1], '.', color='blue', linewidth=linewidth, zorder=0, markersize=8)
plt.plot(trajectories[0, 0], trajectories[0, 1], '.', color='blue', linewidth=linewidth, zorder=0, markersize=16)
# plt.quiver(trajectories[:5, 0], trajectories[:5, 1],
# np.cos(trajectories[:5, 2]), np.sin(trajectories[:5, 2]),
# # np.arange(len(trajectories)), cmap='viridis', alpha=1.0,
# color='red', alpha=1.0,
# **quiv_kwargs
# )
plt.gca().set_aspect('equal')
show_pause(show, pause)
示例7: test_get_displacement_km
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def test_get_displacement_km(self):
''' Shall find matching coordinates and plot quiver in lon/lat'''
keyPoints1, descr1 = find_key_points(self.img1, nFeatures=self.nFeatures)
keyPoints2, descr2 = find_key_points(self.img2, nFeatures=self.nFeatures)
x1, y1, x2, y2 = get_match_coords(keyPoints1, descr1,
keyPoints2, descr2)
h = get_displacement_km(self.n1, x1, y1, self.n2, x2, y2)
plt.scatter(x1, y1, 30, h)
plt.colorbar()
plt.savefig('sea_ice_drift_tests_%s.png' % inspect.currentframe().f_code.co_name)
plt.close('all')
self.assertTrue(len(h) == len(x1))
示例8: test_get_displacement_pix
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def test_get_displacement_pix(self):
''' Shall find matching coordinates and plot quiver in pixel/line'''
keyPoints1, descr1 = find_key_points(self.img1, nFeatures=self.nFeatures)
keyPoints2, descr2 = find_key_points(self.img2, nFeatures=self.nFeatures)
x1, y1, x2, y2 = get_match_coords(keyPoints1, descr1,
keyPoints2, descr2)
u, v = get_displacement_pix(self.n1, x1, y1, self.n2, x2, y2)
plt.quiver(x1, y1, u, v)
plt.savefig('sea_ice_drift_tests_%s.png' % inspect.currentframe().f_code.co_name)
plt.close('all')
self.assertEqual(len(u), len(x1))
示例9: test_get_drift_vectors
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def test_get_drift_vectors(self):
keyPoints1, descr1 = find_key_points(self.img1, nFeatures=self.nFeatures)
keyPoints2, descr2 = find_key_points(self.img2, nFeatures=self.nFeatures)
x1, y1, x2, y2 = get_match_coords(keyPoints1, descr1,
keyPoints2, descr2)
u, v, lon1, lat1, lon2, lat2 = get_drift_vectors(self.n1, x1, y1,
self.n2, x2, y2)
plt.plot(lon1, lat1, '.')
plt.plot(lon2, lat2, '.')
plt.quiver(lon1, lat1, u, v, angles='xy', scale_units='xy', scale=0.25)
plt.savefig('sea_ice_drift_tests_%s.png' % inspect.currentframe().f_code.co_name)
plt.close('all')
self.assertEqual(len(u), len(x1))
self.assertEqual(len(v), len(x1))
示例10: plot_Flow
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def plot_Flow(Im, theta, init_x, init_y, flowbasis_x, flowbasis_y, initTheta, step=4, ipynb=False):
# Get vectors and ratio from current image
x = np.array([[i for i in range(Im.xdim)] for j in range(Im.ydim)])
y = np.array([[j for i in range(Im.xdim)] for j in range(Im.ydim)])
flow_x_new, flow_y_new = applyMotionBasis(init_x, init_y, flowbasis_x, flowbasis_y, theta)
flow_x_orig, flow_y_orig = applyMotionBasis(init_x, init_y, flowbasis_x, flowbasis_y, initTheta)
vx = -(flow_x_new - flow_x_orig)
vy = -(flow_y_new - flow_y_orig)
# Create figure and title
plt.ion()
plt.clf()
# Stokes I plot
plt.subplot(111)
plt.imshow(Im.imvec.reshape(Im.ydim, Im.xdim), cmap=plt.get_cmap('afmhot'), interpolation='gaussian')
plt.quiver(x[::step,::step], y[::step,::step], vx[::step,::step], vy[::step,::step],
headaxislength=3, headwidth=7, headlength=5, minlength=0, minshaft=1,
width=.005*Im.xdim/30., pivot='mid', color='w', angles='xy')
xticks = ticks(Im.xdim, Im.psize/ehtim.RADPERAS/1e-6)
yticks = ticks(Im.ydim, Im.psize/ehtim.RADPERAS/1e-6)
plt.xticks(xticks[0], xticks[1])
plt.yticks(yticks[0], yticks[1])
plt.xlabel('Relative RA ($\mu$as)')
plt.ylabel('Relative Dec ($\mu$as)')
plt.title('Flow Map')
#plt.ylim(plt.ylim()[::-1])
# Display
plt.draw()
示例11: get_vtgt_field_local
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def get_vtgt_field_local(self, pose):
xy = pose[0:2]
th = pose[2]
# create query map
get_map0 = self._generate_grid(self.rng_get, self.res_get)
get_map_x = np.cos(th)*get_map0[0,:,:] - np.sin(th)*get_map0[1,:,:] + xy[0]
get_map_y = np.sin(th)*get_map0[0,:,:] + np.cos(th)*get_map0[1,:,:] + xy[1]
# get vtgt
vtgt_x0 = np.reshape(np.array([self.vtgt_interp_x(x, y) \
for x, y in zip(get_map_x.flatten(), get_map_y.flatten())]),
get_map_x.shape)
vtgt_y0 = np.reshape(np.array([self.vtgt_interp_y(x, y) \
for x, y in zip(get_map_x.flatten(), get_map_y.flatten())]),
get_map_y.shape)
vtgt_x = np.cos(-th)*vtgt_x0 - np.sin(-th)*vtgt_y0
vtgt_y = np.sin(-th)*vtgt_x0 + np.cos(-th)*vtgt_y0
# debug
"""
if xy[0] > 10:
import matplotlib.pyplot as plt
plt.figure(100)
plt.axes([.025, .025, .95, .95])
plt.plot(get_map_x, get_map_y, '.')
plt.axis('equal')
plt.figure(101)
plt.axes([.025, .025, .95, .95])
R = np.sqrt(vtgt_x0**2 + vtgt_y0**2)
plt.quiver(get_map_x, get_map_y, vtgt_x0, vtgt_y0, R)
plt.axis('equal')
plt.show()
"""
return np.stack((vtgt_x, vtgt_y))
示例12: plot_birds
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def plot_birds(simulation, plot_velocity=False):
width = simulation.configuration.location.width
height = simulation.configuration.location.height
pop = simulation.get_population()
plt.figure(figsize=[12, 12])
plt.scatter(pop.x, pop.y, color=pop.color)
if plot_velocity:
plt.quiver(pop.x, pop.y, pop.vx, pop.vy, color=pop.color, width=0.002)
plt.xlabel('x')
plt.ylabel('y')
plt.axis([0, width, 0, height])
plt.show()
示例13: plot
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def plot(self, basis=False, r = None, label=None, linestyle = '-', color = None, scatter = False):
if r is None:
r = self.r(self.x1_grid)
if color is None:
color = self.color
if scatter:
if label is None:
plt.scatter(r[:,0], r[:,2], c = color)
else:
plt.scatter(r[:,0], r[:,2], c = color, label=label, zorder = 2, edgecolors='k')
else:
if label is None:
plt.plot(r[:,0], r[:,2], color, linestyle = linestyle, lw = 4)
else:
plt.plot(r[:,0], r[:,2], color, linestyle = linestyle, lw = 4,
label=label, zorder = 1)
if basis:
plt.quiver(r[:,0], r[:,2],
self.a[0,:,0], self.a[0,:,2],
angles='xy', color = color, scale_units='xy')
plt.quiver(r[:,0], r[:,2],
self.a[2,:,0], self.a[2,:,2],
angles='xy', color = color, scale_units='xy')
plt.xlabel('x (m)')
plt.ylabel('y (m)')
示例14: test_quiver_limits
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def test_quiver_limits():
ax = plt.axes()
x, y = np.arange(8), np.arange(10)
data = u = v = np.linspace(0, 10, 80).reshape(10, 8)
q = plt.quiver(x, y, u, v)
assert_equal(q.get_datalim(ax.transData).bounds, (0., 0., 7., 9.))
plt.figure()
ax = plt.axes()
x = np.linspace(-5, 10, 20)
y = np.linspace(-2, 4, 10)
y, x = np.meshgrid(y, x)
trans = mtransforms.Affine2D().translate(25, 32) + ax.transData
plt.quiver(x, y, np.sin(x), np.cos(y), transform=trans)
assert_equal(ax.dataLim.bounds, (20.0, 30.0, 15.0, 6.0))
示例15: compute_flow_single_frame
# 需要导入模块: from matplotlib import pyplot [as 别名]
# 或者: from matplotlib.pyplot import quiver [as 别名]
def compute_flow_single_frame(self, V, Omega, depth_image, dt):
"""
params:
V : [3,1]
Omega : [3,1]
depth_image : [m,n]
"""
flat_depth = depth_image.ravel()
# flat_depth[np.logical_or(np.isclose(flat_depth,0.0), flat_depth<0.)]
mask = np.isfinite(flat_depth)
fdm = 1./flat_depth[mask]
fxm = self.flat_x_map[mask]
fym = self.flat_y_map[mask]
omm = self.omega_mat[mask,:,:]
x_flow_out = np.zeros((depth_image.shape[0], depth_image.shape[1]))
flat_x_flow_out = x_flow_out.reshape((-1))
flat_x_flow_out[mask] = fdm * (fxm*V[2]-V[0])
flat_x_flow_out[mask] += np.squeeze(np.dot(omm[:,0,:], Omega))
y_flow_out = np.zeros((depth_image.shape[0], depth_image.shape[1]))
flat_y_flow_out = y_flow_out.reshape((-1))
flat_y_flow_out[mask] = fdm * (fym*V[2]-V[1])
flat_y_flow_out[mask] += np.squeeze(np.dot(omm[:,1,:], Omega))
flat_x_flow_out *= dt * self.P[0,0]
flat_y_flow_out *= dt * self.P[1,1]
"""
plt.quiver(flat_distorted_x[::100],
flat_distorted_y[::100],
flat_distorted_x_flow_out[::100],
flat_distorted_y_flow_out[::100])
plt.show()
"""
return x_flow_out, y_flow_out