8000 pep8 fix e2* in examples dir part 2/2 · matplotlib/matplotlib@b680680 · GitHub
[go: up one dir, main page]

Skip to content

Commit b680680

Browse files
committed
pep8 fix e2* in examples dir part 2/2
Signed-off-by: Thomas Hisch <t.hisch@gmail.com>
1 parent cc7fc7f commit b680680

32 files changed

+97
-91
lines changed

examples/pylab_examples/scatter_custom_symbol.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -5,7 +5,7 @@
55
# unit area ellipse
66
rx, ry = 3., 1.
77
area = rx * ry * pi
8-
theta = arange(0, 2*pi+0.01, 0.1)
8+
theta = arange(0, 2*pi + 0.01, 0.1)
99
verts = list(zip(rx/area*cos(theta), ry/area*sin(theta)))
1010

1111
x, y, s, c = rand(4, 30)

examples/pylab_examples/scatter_hist.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -11,7 +11,7 @@
1111
# definitions for the axes
1212
left, width = 0.1, 0.65
1313
bottom, height = 0.1, 0.65
14-
bottom_h = left_h = left+width+0.02
14+
bottom_h = left_h = left + width + 0.02
1515

1616
rect_scatter = [left, bottom, width, height]
1717
rect_histx = [left, bottom_h, width, 0.2]

examples/pylab_examples/scatter_masked.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -7,7 +7,7 @@
77
y = 0.9*rand(N)
88
area = pi*(10 * rand(N))**2 # 0 to 10 point radiuses
99
c = sqrt(area)
10-
r = sqrt(x*x+y*y)
10+
r = sqrt(x*x + y*y)
1111
area1 = ma.masked_where(r < r0, area)
1212
area2 = ma.masked_where(r >= r0, area)
1313
scatter(x, y, s=area1, marker='^', c=c, hold='on')

examples/pylab_examples/scatter_profile.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -21,4 +21,4 @@
2121
y = 0.9*pylab.rand(N)
2222
s = 20*pylab.rand(N)
2323
pylab.scatter(x, y, s)
24-
print('%d symbols in %1.2f s' % (N, time.time()-tstart))
24+
print('%d symbols in %1.2f s' % (N, time.time() - tstart))

examples/pylab_examples/simple_plot_fps.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,7 @@
1010

1111
ion()
1212

13-
t = arange(0.0, 1.0+0.001, 0.001)
13+
t = arange(0.0, 1.0 + 0.001, 0.001)
1414
s = cos(2*2*pi*t)
1515
plot(t, s, '-', lw=2)
1616

examples/pylab_examples/stackplot_demo.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,7 +1,7 @@
11
import numpy as np
22
from matplotlib import pyplot as plt
33

4-
fnx = lambda : np.random.randint(5, 50, 10)
4+
fnx = lambda: np.random.randint(5, 50, 10)
55
y = np.row_stack((fnx(), fnx(), fnx()))
66
x = np.arange(10)
77

examples/pylab_examples/system_monitor.py

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -6,17 +6,17 @@
66

77
def get_memory():
88
"Simulate a function that returns system memory"
9-
return 100*(0.5+0.5*sin(0.5*pi*time.time()))
9+
return 100*(0.5 + 0.5*sin(0.5*pi*time.time()))
1010

1111

1212
def get_cpu():
1313
"Simulate a function that returns cpu usage"
14-
return 100*(0.5+0.5*sin(0.2*pi*(time.time()-0.25)))
14+
return 100*(0.5 + 0.5*sin(0.2*pi*(time.time() - 0.25)))
1515

1616

1717
def get_net():
1818
"Simulate a function that returns network bandwidth"
19-
return 100*(0.5+0.5*sin(0.7*pi*(time.time()-0.1)))
19+
return 100*(0.5 1241 + 0.5*sin(0.7*pi*(time.time() - 0.1)))
2020

2121

2222
def get_stats():

examples/pylab_examples/tex_unicode_demo.py

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -14,8 +14,8 @@
1414

1515
figure(1, figsize=(6, 4))
1616
ax = axes([0.1, 0.1, 0.8, 0.7])
17-
t = arange(0.0, 1.0+0.01, 0.01)
18-
s = cos(2*2*pi*t)+2
17+
t = arange(0.0, 1.0 + 0.01, 0.01)
18+
s = cos(2*2*pi*t) + 2
1919
plot(t, s)
2020

2121
xlabel(r'\textbf{time (s)}')

examples/pylab_examples/tricontour_demo.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -69,7 +69,7 @@
6969
y = xy[:, 1]*180/3.14159
7070
x0 = -5
7171
y0 = 52
72-
z = np.exp(-0.01*((x-x0)*(x-x0) + (y-y0)*(y-y0)))
72+
z = np.exp(-0.01*((x - x0)*(x - x0) + (y - y0)*(y - y0)))
7373

7474
triangles = np.asarray([
7575
[67, 66, 1], [65, 2, 66], [1, 66, 2], [64, 2, 65], [63, 3, 64],

examples/pylab_examples/tricontour_smooth_delaunay.py

Lines changed: 7 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -30,14 +30,14 @@
3030
def experiment_res(x, y):
3131
""" An analytic function representing experiment results """
3232
x = 2.*x
33-
r1 = np.sqrt((0.5-x)**2 + (0.5-y)**2)
34-
theta1 = np.arctan2(0.5-x, 0.5-y)
35-
r2 = np.sqrt((-x-0.2)**2 + (-y-0.2)**2)
36-
theta2 = np.arctan2(-x-0.2, -y-0.2)
37-
z = (4*(np.exp((r1/10)**2)-1)*30. * np.cos(3*theta1) +
38-
(np.exp((r2/10)**2)-1)*30. * np.cos(5*theta2) +
33+
r1 = np.sqrt((0.5 - x)**2 + (0.5 - y)**2)
34+
theta1 = np.arctan2(0.5 - x, 0.5 - y)
35+
r2 = np.sqrt((-x - 0.2)**2 + (-y - 0.2)**2)
36+
theta2 = np.arctan2(-x - 0.2, -y - 0.2)
37+
z = (4*(np.exp((r1/10)**2) - 1)*30. * np.cos(3*theta1) +
38+
(np.exp((r2/10)**2) - 1)*30. * np.cos(5*theta2) +
3939
2*(x**2 + y**2))
40-
return (np.max(z)-z)/(np.max(z)-np.min(z))
40+
return (np.max(z) - z)/(np.max(z) - np.min(z))
4141

4242
#-----------------------------------------------------------------------------
4343
# Generating the initial data test points and triangulation for the demo

examples/pylab_examples/tricontour_smooth_user.py

Lines changed: 7 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -14,14 +14,14 @@
1414
#-----------------------------------------------------------------------------
1515
def function_z(x, y):
1616
""" A function of 2 variables """
17-
r1 = np.sqrt((0.5-x)**2 + (0.5-y)**2)
18-
theta1 = np.arctan2(0.5-x, 0.5-y)
19-
r2 = np.sqrt((-x-0.2)**2 + (-y-0.2)**2)
20-
theta2 = np.arctan2(-x-0.2, -y-0.2)
21-
z = -(2*(np.exp((r1/10)**2)-1)*30. * np.cos(7.*theta1) +
22-
(np.exp((r2/10)**2)-1)*30. * np.cos(11.*theta2) +
17+
r1 = np.sqrt((0.5 - x)**2 + (0.5 - y)**2)
18+
theta1 = np.arctan2(0.5 - x, 0.5 - y)
19+
r2 = np.sqrt((-x - 0.2)**2 + (-y - 0.2)**2)
20+
theta2 = np.arctan2(-x - 0.2, -y - 0.2)
21+
z = -(2*(np.exp((r1/10)**2) - 1)*30. * np.cos(7.*theta1) +
22+
(np.exp((r2/10)**2) - 1)*30. * np.cos(11.*theta2) +
2323
0.7*(x**2 + y**2))
24-
return (np.max(z)-z)/(np.max(z)-np.min(z))
24+
return (np.max(z) - z)/(np.max(z) - np.min(z))
2525

2626
#-----------------------------------------------------------------------------
2727
# Creating a Triangulation

examples/pylab_examples/trigradient_demo.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -17,7 +17,7 @@ def dipole_potential(x, y):
1717
r_sq = x**2 + y**2
1818
theta = np.arctan2(y, x)
1919
z = np.cos(theta)/r_sq
20-
return (np.max(z)-z) / (np.max(z)-np.min(z))
20+
return (np.max(z) - z) / (np.max(z) - np.min(z))
2121

2222

2323
#-----------------------------------------------------------------------------

examples/pylab_examples/tripcolor_demo.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -97,7 +97,7 @@
9797
ymid = y[triangles].mean(axis=1)
9898
x0 = -5
9999
y0 = 52
100-
zfaces = np.exp(-0.01*((xmid-x0)*(xmid-x0) + (ymid-y0)*(ymid-y0)))
100+
zfaces = np.exp(-0.01*((xmid - x0)*(xmid - x0) + (ymid - y0)*(ymid - y0)))
101101

102102
# Rather than create a Triangulation object, can simply pass x, y and triangles
103103
# arrays to tripcolor directly. It would be better to use a Triangulation

examples/pylab_examples/usetex_baseline_test.py

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -53,7 +53,7 @@ def test_window_extent(ax, usetex, preview):
5353
for i, s in enumerate(test_strings):
5454

5555
ax.axhline(i, color="r")
56-
ax.text(0., 3-i, s, **text_kw)
56+
ax.text(0., 3 - i, s, **text_kw)
5757

5858
ax.set_xlim(-0.1, 1.1)
5959
ax.set_ylim(-.8, 3.9)
@@ -66,7 +66,7 @@ def test_window_extent(ax, usetex, preview):
6666
for i, usetex, preview in [[0, False, False],
6767
[1, True, False],
6868
[2, True, True]]:
69-
ax = Subplot(F, 1, 3, i+1, usetex=usetex, preview=preview)
69+
ax = Subplot(F, 1, 3, i + 1, usetex=usetex, preview=preview)
7070
F.add_subplot(ax)
7171
F.subplots_adjust(top=0.85)
7272

examples/pylab_examples/usetex_demo.py

Lines changed: 21 additions & 14 deletions
Original file line numberDiff line numberDiff line change
@@ -6,11 +6,11 @@
66
# interface tracking profiles
77
N = 500
88
delta = 0.6
9-
X = -1 + 2. * np.arange(N) / (N - 1)
10-
pylab.plot(X, (1 - np.tanh(4.*X/delta))/2, # phase field tanh profiles
11-
X, (X + 1)/2, # level set distance function
12-
X, (1.4 + np.tanh(4.*X/delta))/4, # composition profile
13-
X, X < 0, 'k--', # sharp interface
9+
X = np.linspace(-1, 1, N)
10+
pylab.plot(X, (1 - np.tanh(4.*X/delta))/2, # phase field tanh profiles
11+
X, (X + 1)/2, # level set distance function
12+
X, (1.4 + np.tanh(4.*X/delta))/4, # composition profile
13+
X, X < 0, 'k--', # sharp interface
1414
linewidth=5)
1515

1616
## legend
@@ -30,31 +30,38 @@
3030
pylab.plot((-delta / 2, -delta / 2 + offset * 2), (height, height + offset), 'k', linewidth=2)
3131
pylab.plot((delta / 2, delta / 2 - offset * 2), (height, height - offset), 'k', linewidth=2)
3232
pylab.plot((delta / 2, delta / 2 - offset * 2), (height, height + offset), 'k', linewidth=2)
33-
pylab.text(-0.06, height - 0.06, r'$\delta$', {'color' : 'k', 'fontsize' : 24})
33+
pylab.text(-0.06, height - 0.06, r'$\delta$', {'color': 'k', 'fontsize': 24})
3434

3535
# X-axis label
3636
pylab.xticks((-1, 0, 1), ('-1', '0', '1'), color='k', size=20)
3737

3838
# Left Y-axis labels
39-
pylab.ylabel(r'\bf{phase field} $\phi$', {'color' : 'b',
40-
'fontsize' : 20})
39+
pylab.ylabel(r'\bf{phase field} $\phi$', {'color': 'b',
40+
'fontsize': 20})
4141
pylab.yticks((0, 0.5, 1), ('0', '.5', '1'), color='k', size=20)
4242

4343
# Right Y-axis labels
44-
pylab.text(1.05, 0.5, r"\bf{level set} $\phi$", {'color' : 'g', 'fontsize' : 20},
44+
pylab.text(1.05, 0.5, r"\bf{level set} $\phi$", {'color': 'g', 'fontsize': 20},
4545
horizontalalignment='left',
4646
verticalalignment='center',
4747
rotation=90,
4848
clip_on=False)
49-
pylab.text(1.01, -0.02, "-1", {'color' : 'k', 'fontsize' : 20})
50-
pylab.text(1.01, 0.98, "1", {'color' : 'k', 'fontsize' : 20})
51-
pylab.text(1.01, 0.48, "0", {'color' : 'k', 'fontsize' : 20})
49+
pylab.text(1.01, -0.02, "-1", {'color': 'k', 'fontsize': 20})
50+
pylab.text(1.01, 0.98, "1", {'color': 'k', 'fontsize': 20})
51+
pylab.text(1.01, 0.48, "0", {'color': 'k', 'fontsize': 20})
5252

5353
# level set equations
54-
pylab.text(0.1, 0.85, r'$|\nabla\phi| = 1,$ \newline $ \frac{\partial \phi}{\partial t} + U|\nabla \phi| = 0$', {'color' : 'g', 'fontsize' : 20})
54+
pylab.text(0.1, 0.85,
55+
r'$|\nabla\phi| = 1,$ \newline $ \frac{\partial \phi}{\partial t}'
56+
r'+ U|\nabla \phi| = 0$',
57+
{'color': 'g', 'fontsize': 20})
5558

5659
# phase field equations
57-
pylab.text(0.2, 0.15, r'$\mathcal{F} = \int f\left( \phi, c \right) dV,$ \newline $ \frac{ \partial \phi } { \partial t } = -M_{ \phi } \frac{ \delta \mathcal{F} } { \delta \phi }$', {'color' : 'b', 'fontsize' : 20})
60+
pylab.text(0.2, 0.15,
61+
r'$\mathcal{F} = \int f\left( \phi, c \right) dV,$ \newline '
62+
r'$ \frac{ \partial \phi } { \partial t } = -M_{ \phi } '
63+
r'\frac{ \delta \mathcal{F} } { \delta \phi }$',
64+
{'color': 'b', 'fontsize': 20})
5865

5966
# these went wrong in pdf in a previous version
6067
pylab.text(-.9, .42, r'gamma: $\gamma$', {'color': 'r', 'fontsize': 20})

examples/shapes_and_collections/artist_reference.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -55,7 +55,7 @@ def label(xy, text):
5555
label(grid[4], "Ellipse")
5656

5757
# add an arrow
58-
arrow = mpatches.Arrow(grid[5, 0]-0.05, grid[5, 1]-0.05, 0.1, 0.1, width=0.1)
58+
arrow = mpatches.Arrow(grid[5, 0] - 0.05, grid[5, 1] - 0.05, 0.1, 0.1, width=0.1)
5959
patches.append(arrow)
6060
label(grid[5], "Arrow")
6161

examples/showcase/xkcd.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -34,7 +34,7 @@
3434

3535
fig = plt.figure()
3636
ax = fig.add_axes((0.1, 0.2, 0.8, 0.7))
37-
ax.bar([-0.125, 1.0-0.125], [0, 100], 0.25)
37+
ax.bar([-0.125, 1.0 - 0.125], [0, 100], 0.25)
3838
ax.spines['right'].set_color('none')
3939
ax.spines['top'].set_color('none')
4040
ax.xaxis.set_ticks_position('bottom')

examples/statistics/errorbar_limits.py

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -20,17 +20,17 @@
2020
# including upper limits
2121
uplims = np.zeros(x.shape)
2222
uplims[[1, 5, 9]] = True
23-
plt.errorbar(x, y+0.5, xerr=xerr, yerr=yerr, uplims=uplims, ls=ls,
23+
plt.errorbar(x, y + 0.5, xerr=xerr, yerr=yerr, uplims=uplims, ls=ls,
2424
color='green')
2525

2626
# including lower limits
2727
lolims = np.zeros(x.shape)
2828
lolims[[2, 4, 8]] = True
29-
plt.errorbar(x, y+1.0, xerr=xerr, yerr=yerr, lolims=lolims, ls=ls,
29+
plt.errorbar(x, y + 1.0, xerr=xerr, yerr=yerr, lolims=lolims, ls=ls,
3030
color='red')
3131

3232
# including upper and lower F438 limits
33-
plt.errorbar(x, y+1.5, marker='o', ms=8, xerr=xerr, yerr=yerr,
33+
plt.errorbar(x, y + 1.5, marker='o', ms=8, xerr=xerr, yerr=yerr,
3434
lolims=lolims, uplims=uplims, ls=ls, color='magenta')
3535

3636
# including xlower and xupper limits
@@ -43,7 +43,7 @@
4343
uplims = np.zeros(x.shape)
4444
lolims[[6]] = True
4545
uplims[[3]] = True
46-
plt.errorbar(x, y+2.1, marker='o', ms=8, xerr=xerr, yerr=yerr,
46+
plt.errorbar(x, y + 2.1, marker='o', ms=8, xerr=xerr, yerr=yerr,
4747
xlolims=xlolims, xuplims=xuplims, uplims=uplims, lolims=lolims,
4848
ls='none', mec='blue', capsize=0, color='cyan')
4949

examples/statistics/multiple_histograms_side_by_side.py

Lines changed: 2 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -23,8 +23,8 @@
2323
x_locations = np.arange(0, sum(binned_maximums), np.max(binned_maximums))
2424

2525
# The bin_edges are the same for all of the histograms
26-
bin_edges = np.linspace(hist_range[0], hist_range[1], number_of_bins+1)
27-
centers = .5 * (bin_edges + np.roll(bin_edges, 1))[:-1]
26+
bin_edges = np.linspace(hist_range[0], hist_range[1], number_of_bins + 1)
27+
centers = .5 * (bin_edges + np.roll(bin_edges, 1))[:-1]
2828
heights = np.diff(bin_edges)
2929

3030
# Cycle through and plot each histogram
@@ -40,4 +40,3 @@
4040
ax.set_xlabel("Data sets")
4141

4242
plt.show()
43-

examples/style_sheets/plot_ggplot.py

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -36,8 +36,8 @@
3636
y1, y2 = np.random.randint(1, 25, size=(2, 5))
3737
width = 0.25
3838
ax3.bar(x, y1, width)
39-
ax3.bar(x+width, y2, width, color=plt.rcParams['axes.color_cycle'][2])
40-
ax3.set_xticks(x+width)
39+
ax3.bar(x + width, y2, width, color=plt.rcParams['axes.color_cycle'][2])
40+
ax3.set_xticks(x + width)
4141
ax3.set_xticklabels(['a', 'b', 'c', 'd', 'e'])
4242

4343
# circles with colors from default color cycle

examples/tests/backend_driver.py

Lines changed: 6 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -313,8 +313,8 @@
313313
# examples that generate multiple figures
314314

315315
excluded = {
316-
'pylab' : ['__init__.py', 'toggle_images.py', ],
317-
'units' : ['__init__.py', 'date_support.py', ],
316+
'pylab': ['__init__.py', 'toggle_images.py', ],
317+
'units': ['__init__.py', 'date_support.py', ],
318318
}
319319

320320

@@ -327,7 +327,7 @@ def report_missing(dir, flist):
327327

328328
exclude = set(excluded.get(dir, []))
329329
flist = set(flist)
330-
missing = list(pyfiles-flist-exclude)
330+
missing = list(pyfiles - flist - exclude)
331331
missing.sort()
332332
if missing:
333333
print('%s files not tested: %s' % (dir, ', '.join(missing)))
@@ -403,7 +403,7 @@ def drive(backend, directories, python=['python'], switches=[]):
403403
future_imports = future_imports + ', unicode_literals'
404404

405405
tmpfile.writelines((
406-
future_imports+'\n',
406+
future_imports + '\n',
407407
'import sys\n',
408408
'sys.path.append("%s")\n' % fpath.replace('\\', '\\\\'),
409409
'import matplotlib\n',
@@ -518,7 +518,7 @@ def parse_options():
518518
failures[backend] = \
519519
drive(backend, options.dirs, python, options.switches)
520520
t1 = time.time()
521-
times[backend] = (t1-t0)/60.0
521+
times[backend] = (t1 - t0)/60.0
522522

523523
#print(times)
524524
for backend, elapsed in times.items():
@@ -528,4 +528,4 @@ def parse_options():
528528
print(' Failures: %s' % failed)
529529
if 'template' in times:
530530
print('\ttemplate ratio %1.3f, template residual %1.3f' % (
531-
elapsed/times['template'], elapsed-times['template']))
531+
elapsed/times['template'], elapsed - times['template']))

examples/text_labels_and_annotations/text_demo_fontdict.py

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -5,14 +5,14 @@
55
import matplotlib.pyplot as plt
66

77

8-
font = {'family' : 'serif',
9-
'color' : 'darkred',
10-
'weight' : 'normal',
11-
'size' : 16,
8+
font = {'family': 'serif',
9+
'color': 'darkred',
10+
'weight': 'normal',
11+
'size': 16,
1212
}
1313

1414
x = np.linspace(0.0, 5.0, 100)
15-
y = np.cos(2 * np.pi * x) * np.exp(-x)
15+
y = np.cos(2*np.pi*x) * np.exp(-x)
1616

1717
plt.plot(x, y, 'k')
1818
plt.title('Damped exponential decay', fontdict=font)

examples/units/bar_unit_demo.py

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -17,10 +17,10 @@
1717

1818
womenMeans = (145*cm, 149*cm, 172*cm, 165*cm, 200*cm)
1919
womenStd = (30*cm, 25*cm, 20*cm, 31*cm, 22*cm)
20-
p2 = ax.bar(ind+width, womenMeans, width, color='y', bottom=0*cm, yerr=womenStd)
20+
p2 = ax.bar(ind + width, womenMeans, width, color='y', bottom=0*cm, yerr=womenStd)
2121

2222
ax.set_title('Scores by group and gender')
23-
ax.set_xticks(ind+width)
23+
ax.set_xticks(ind + width)
2424
ax.set_xticklabels(('G1', 'G2', 'G3', 'G4', 'G5'))
2525

2626
ax.legend((p1[0], p2[0]), ('Men', 'Women'))

examples/units/ellipse_with_units.py

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -18,8 +18,8 @@
1818

1919
rtheta = angle*np.pi/180.
2020
R = np.array([
21-
[np.cos(rtheta), -np.sin(rtheta)],
22-
[np.sin(rtheta), np.cos(rtheta)],
21+
[np.cos(rtheta), -np.sin(rtheta)],
22+
[np.sin(rtheta), np.cos(rtheta)],
2323
])
2424

2525

0 commit comments

Comments
 (0)
0