本文整理汇总了Python中matplotlib.pyplot.minorticks_on函数的典型用法代码示例。如果您正苦于以下问题:Python minorticks_on函数的具体用法?Python minorticks_on怎么用?Python minorticks_on使用的例子?那么恭喜您, 这里精选的函数代码示例或许可以为您提供帮助。
在下文中一共展示了minorticks_on函数的20个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于我们的系统推荐出更棒的Python代码示例。
示例1: apcorr_plot
def apcorr_plot(self):
'''
Creates a plot of delta_mag versus instru_mag to determine in which
region(s) to compute zpt_off.
'''
counts1, counts2, insmag1, insmag2, delta_mag, vegamag = \
self.mag_calc()
for image in self.imlist:
mpl.rcParams['font.family'] = 'Times New Roman'
mpl.rcParams['font.size'] = 12.0
mpl.rcParams['xtick.major.size'] = 10.0
mpl.rcParams['xtick.minor.size'] = 5.0
mpl.rcParams['ytick.major.size'] = 10.0
mpl.rcParams['ytick.minor.size'] = 5.0
mpl.minorticks_on()
mpl.ion()
mpl.title(image)
mpl.ylabel('$\Delta$ mag (r=' + self.apertures[0] + ', ' + \
self.apertures[-1] + ')')
mpl.xlabel('-2.5 log(flux)')
mpl.scatter(insmag1, delta_mag, s=1, c='k')
mpl.savefig(image[:-9] + '_apcorr.png')
left = raw_input('left: ')
right = raw_input('right: ')
bottom = raw_input('bottom: ')
top = raw_input('top: ')
mpl.close()
zpt_off_calc(left, right, top, bottom)
开发者ID:bourque,项目名称:python_tools,代码行数:31,代码来源:photometry.py
示例2: make_lick_individual
def make_lick_individual(targetSN, w1, w2):
""" Make maps for the kinematics. """
filename = "lick_corr_sn{0}.tsv".format(targetSN)
binimg = pf.getdata("voronoi_sn{0}_w{1}_{2}.fits".format(targetSN, w1, w2))
intens = "collapsed_w{0}_{1}.fits".format(w1, w2)
extent = calc_extent(intens)
bins = np.loadtxt(filename, usecols=(0,), dtype=str).tolist()
bins = np.array([x.split("bin")[1] for x in bins]).astype(int)
data = np.loadtxt(filename, usecols=np.arange(25)+1).T
labels = [r'Hd$_A$', r'Hd$_F$', r'CN$_1$', r'CN$_2$', r'Ca4227', r'G4300',
r'Hg$_A$', r'Hg$_F$', r'Fe4383', r'Ca4455', r'Fe4531', r'C4668',
r'H$_\beta$', r'Fe5015', r'Mg$_1$', r'Mg$_2$', r'Mg$_b$', r'Fe5270',
r'Fe5335', r'Fe5406', r'Fe5709', r'Fe5782', r'Na$_D$', r'TiO$_1$',
r'TiO$_2$']
mag = "[mag]"
ang = "[\AA]"
units = [ang, ang, mag, mag, ang, ang,
ang, ang, ang, ang, ang, ang,
ang, ang, mag, mag, ang, ang,
ang, ang, ang, ang, ang, mag,
mag]
lims = [[None, None], [None, None], [None, None], [None, None],
[None, None], [None, None], [None, None], [None, None],
[None, None], [None, None], [None, None], [None, None],
[None, None], [None, None], [None, None], [None, None],
[None, None], [None, None], [None, None], [None, None],
[None, None], [None, None], [None, None], [None, None],
[None, None], [None, None], [None, None], [None, None]]
pdf = PdfPages("figs/lick_sn{0}.pdf".format(targetSN))
fig = plt.figure(1, figsize=(6.25,5))
plt.subplots_adjust(bottom=0.12, right=0.97, left=0.09, top=0.96)
plt.minorticks_on()
ax = plt.subplot(111)
ax.minorticks_on()
plot_indices = np.arange(12,22)
for i, vector in enumerate(data):
if i not in plot_indices:
continue
print "Making plot for {0}...".format(labels[i])
kmap = np.zeros_like(binimg)
kmap[:] = np.nan
for bin,v in zip(bins, vector):
idx = np.where(binimg == bin)
kmap[idx] = v
vmin = lims[i][0] if lims[i][0] else np.median(vector) - 2 * vector.std()
vmax = lims[i][1] if lims[i][1] else np.median(vector) + 2 * vector.std()
m = plt.imshow(kmap, cmap="inferno", origin="bottom", vmin=vmin,
vmax=vmax, extent=extent, aspect="equal")
make_contours()
plt.minorticks_on()
plt.xlabel("X [kpc]")
plt.ylabel("Y [kpc]")
plt.xlim(extent[0], extent[1])
plt.ylim(extent[2], extent[3])
cbar = plt.colorbar(m)
cbar.set_label("{0} {1}".format(labels[i], units[i]))
pdf.savefig()
plt.clf()
pdf.close()
return
开发者ID:kadubarbosa,项目名称:hydramuse,代码行数:60,代码来源:maps.py
示例3: make_voronoi_intens
def make_voronoi_intens(targetSN, w1, w2):
""" Make image"""
image = "collapsed_w{0}_{1}.fits".format(w1, w2)
intens = pf.getdata(image)
extent = calc_extent(image)
vordata = pf.getdata("voronoi_sn{0}_w{1}_{2}.fits".format(targetSN, w1,
w2))
vordata = np.ma.array(vordata, mask=np.isnan(vordata))
bins = np.unique(vordata)[:-1]
combined = np.zeros_like(intens)
combined[:] = np.nan
for j, bin in enumerate(bins):
idx, idy = np.where(vordata == bin)
flux = intens[idx,idy]
combined[idx,idy] = np.nanmean(flux)
vmax = np.nanmedian(intens) + 4 * np.nanstd(intens)
fig = plt.figure(1)
plt.minorticks_on()
make_contours()
plt.imshow(combined, cmap="cubehelix_r", origin="bottom", vmax=vmax,
extent=extent, vmin=0)
plt.xlabel("X [kpc]")
plt.ylabel("Y [kpc]")
cbar = plt.colorbar()
cbar.set_label("Flux [$10^{-20}$ erg s$^{-1}$ cm$^{-2}$]")
plt.savefig("figs/intens_sn{0}.png".format(targetSN), dpi=300)
pf.writeto("figs/intens_sn{0}.fits".format(targetSN), combined,
clobber=True)
return
开发者ID:kadubarbosa,项目名称:hydramuse,代码行数:29,代码来源:maps.py
示例4: plotshare
def plotshare(self):
datesaxis=mdates.date2num(self.dates)
fig0=plt.figure()
ax0=fig0.add_subplot(1,1,1)
dateFmt = mdates.DateFormatter('%Y-%m-%d')
ax0.xaxis.set_major_formatter(dateFmt)
plt.minorticks_on()
N=len(datesaxis)
#ax0.xaxis.set_major_locator(DaysLoc)
index=np.arange(N)
# dev=np.abs(self.share_prices[:,0]-self.share_prices[:,2])
# p0=plt.errorbar(index,self.share_prices,dev, fmt='.-',ecolor='green',elinewidth=0.1,linewidth=1)
p0=plt.plot(index,self.share_prices)
ax0.legend([p0],[symbol])
ax0.set_ylabel( u'Index')
ax0.xaxis.set_major_formatter(ticker.FuncFormatter(lambda x, pos=None: dates[int(x)]))
ax0.set_xticks(np.arange(0,index[-1],4))
ax0.set_xlim(index[0],index[-1])
fig0.autofmt_xdate(rotation=90)
fig0.savefig('./figures/sharesPrices.eps')
plt.show()
开发者ID:aarsakian,项目名称:rigasDLM,代码行数:27,代码来源:financeexp1.py
示例5: SetAxes
def SetAxes(legend=False):
f_b = 0.164
f_star = 0.01
err_b = 0.006
err_star = 0.004
f_gas = f_b - f_star
err_gas = np.sqrt(err_b**2 + err_star**2)
plt.axhline(y=f_gas, ls='--', c='k', label='', zorder=-1)
x = np.linspace(.0,2.,1000)
plt.fill_between(x, y1=f_gas - err_gas, y2=f_gas + err_gas, color='k', alpha=0.3, zorder=-1)
plt.text(.6, f_gas+0.006, r'f$_{gas}$', verticalalignment='bottom', size='large')
plt.xlabel(r'r/r$_{vir}$', size='x-large')
plt.ylabel(r'f$_{gas}$ ($<$ r)', size='x-large')
plt.xscale('log')
plt.xticks([1./1.9, 1.33/1.9, 1, 1.5, 2.],[r'r$_{500}$', r'r$_{200}$', 1, 1.5, 2], size='large')
#plt.yticks([.1, .2], ['0.10', '0.20'])
plt.tick_params(length=10, which='major')
plt.tick_params(length=5, which='minor')
plt.xlim([0.4,1.5])
plt.minorticks_on()
if legend:
plt.legend(loc=0, prop={'size':'small'}, markerscale=0.7, numpoints=1, ncol=2)
开发者ID:bacook17,项目名称:PU_Thesis,代码行数:25,代码来源:PlotFgvR.py
示例6: plot_hist
def plot_hist(x1,bins=config.cfg.get('hbins',500),name='',label='',tile='',w=None):
print 'hist ',label,tile
if tile!='':
bins/=10
plt.figure()
if (w is None)|(tile!=''):
plt.hist(x1,bins=bins,histtype='stepfilled')
else:
plt.hist(x1,bins=bins,alpha=0.25,normed=True,label='unweighted',histtype='stepfilled')
plt.hist(x1,bins=bins,alpha=0.25,normed=True,weights=w,label='weighted',histtype='stepfilled')
plt.ylabel(r'$n$')
s=config.lbl.get(label,label.replace('_','-'))
if config.log_val.get(label,False):
s='log '+s
plt.xlabel(s+' '+tile)
plt.minorticks_on()
if tile!='':
name='tile_'+tile+'_'+name
plt.legend(loc='upper right',ncol=2, frameon=True,prop={'size':12})
plt.savefig('plots/hist/hist_'+name+'_'+label.replace('_','-')+'.png', bbox_inches='tight')
plt.close()
return
开发者ID:matroxel,项目名称:destest,代码行数:26,代码来源:fig.py
示例7: plotter
def plotter(x, y, image, dep_var, ind_var):
"""
:param x: your dependent variable
:param y: your independent variable
:return:
"""
# todo - make little gridlines
# turn your x and y into numpy arrays
x = np.array(x)
y = np.array(y)
ETrF_vs_NDVI = plt.figure()
aa = ETrF_vs_NDVI.add_subplot(111)
aa.set_title('Bare soils/Tailings Pond - {}'.format(image), fontweight='bold')
aa.set_xlabel('{}'.format(dep_var), style='italic')
aa.set_ylabel('{}'.format(ind_var), style='italic')
aa.scatter(x, y, facecolors='none', edgecolors='blue')
plt.minorticks_on()
# aa.grid(b=True, which='major', color='k')
aa.grid(b=True, which='minor', color='white')
plt.tight_layout()
# TODO - UNCOMMENT AND CHANGE THE PATH TO SAVE THE FIGURE AS A PDF TO A GIVEN LOCATION.
# plt.savefig(
# "/Volumes/SeagateExpansionDrive/jan_metric_PHX_GR/green_river_stack/stack_output/20150728_ETrF_NDVI_gr.pdf")
plt.show()
开发者ID:NMTHydro,项目名称:Recharge,代码行数:28,代码来源:ascii_ETo_calc_gsa.py
示例8: plot_results
def plot_results(dists):
for i, d in enumerate(dists):
ax = plt.subplot(3,3,(4*i)+1)
N, bins, patches = plt.hist(d.data, color="b",ec="k", bins=30, \
range=tuple(d.lims), normed=True, \
edgecolor="k", histtype='bar',linewidth=1.)
fracs = N.astype(float)/N.max()
norm = Normalize(-.2* fracs.max(), 1.5 * fracs.max())
for thisfrac, thispatch in zip(fracs, patches):
color = cm.gray_r(norm(thisfrac))
thispatch.set_facecolor(color)
thispatch.set_edgecolor("w")
x = np.linspace(d.data.min(), d.data.max(), 100)
ylim = ax.get_ylim()
plt.plot(x, d.best.pdf(x), "-r", lw=1.5, alpha=0.7)
ax.set_ylim(ylim)
plt.axvline(d.best.MAPP, c="r", ls="--", lw=1.5)
plt.tick_params(labelright=True, labelleft=False, labelsize=10)
plt.xlim(d.lims)
plt.locator_params(axis='x',nbins=10)
if i < 2:
plt.setp(ax.get_xticklabels(), visible=False)
else:
plt.xlabel(r"[$\mathregular{\alpha}$ / Fe]")
plt.minorticks_on()
def hist2D(dist1, dist2):
""" Plot distribution and confidence contours. """
X, Y = np.mgrid[dist1.lims[0] : dist1.lims[1] : 20j,
dist2.lims[0] : dist2.lims[1] : 20j]
extent = [dist1.lims[0], dist1.lims[1], dist2.lims[0], dist2.lims[1]]
positions = np.vstack([X.ravel(), Y.ravel()])
values = np.vstack([dist1.data, dist2.data])
kernel = stats.gaussian_kde(values)
Z = np.reshape(kernel(positions).T, X.shape)
ax.imshow(np.rot90(Z), cmap="gray_r", extent=extent, aspect="auto",
interpolation="spline16")
plt.axvline(dist1.best.MAPP, c="r", ls="--", lw=1.5)
plt.axhline(dist2.best.MAPP, c="r", ls="--", lw=1.5)
plt.tick_params(labelsize=10)
ax.minorticks_on()
plt.locator_params(axis='x',nbins=10)
return
ax = plt.subplot(3,3,4)
hist2D(dists[0], dists[1])
plt.setp(ax.get_xticklabels(), visible=False)
plt.ylabel("[Z/H]")
plt.xlim(dists[0].lims)
plt.ylim(dists[1].lims)
ax = plt.subplot(3,3,7)
hist2D(dists[0], dists[2])
plt.ylabel(r"[$\mathregular{\alpha}$ / Fe]")
plt.xlabel("log Age (yr)")
plt.xlim(dists[0].lims)
plt.ylim(dists[2].lims)
ax = plt.subplot(3,3,8)
plt.xlabel("[Z/H]")
hist2D(dists[1], dists[2])
plt.xlim(dists[1].lims)
plt.ylim(dists[2].lims)
return
开发者ID:kadubarbosa,项目名称:groups,代码行数:60,代码来源:run_mcmc.py
示例9: plot_density
def plot_density(x, primary=True):
"""
Creates a density plot of the data.
Code is based on this forum message http://stackoverflow.com/a/4152016
:param x: (array like)
the data
"""
# Calculate the density points
density = gaussian_kde(x)
# TODO: COme up with a better start and end point
xs = linspace(min(x)-1, max(x)+1, 200)
density.covariance_factor = lambda : 0.25
density._compute_covariance()
plt.plot(xs,density(xs), color='#0066FF', alpha=0.7)
# Add Grid lines
plt.minorticks_on()
plt.grid(b=True, which='major', color='#666666', linestyle='-')
plt.grid(b=True, which='minor', color='#999999', linestyle='-', alpha=0.2)
# Render the plot
if primary:
plt.show()
开发者ID:ronrest,项目名称:pyrpy,代码行数:26,代码来源:plot_density.py
示例10: save
def save(self):
result = self.bands.all()
# indexes are negative because they
# represent the number of days in the past
index = [ (i.get("index")+1)*-1 for i in result ]
close = [ i.get("close") for i in result ]
up = [ i.get("up") for i in result ]
middle = [ i.get("middle") for i in result ]
down = [ i.get("down") for i in result ]
plt.plot(index, up, label="upper band")
plt.plot(index, down, label="lower band")
plt.plot(index, middle, label="middle band")
plt.plot(index, close, label="close price")
plt.xlabel("Past days (0 = today)")
plt.ylabel("Value (USD$)")
plt.title("%s bollinger bands" % (self.bands.symbol))
# enables the grid for every single decimal value
plt.minorticks_on()
plt.grid(True, which="both")
legend = plt.legend(fancybox=True, loc="best")
legend.get_frame().set_alpha(0.5)
plt.savefig(self.bands.symbol+".png")
# the plot must be closed for otherwhise matplotlib
# will paint over previous plots
plt.close()
开发者ID:juantascon,项目名称:bollinger-bands,代码行数:32,代码来源:plot.py
示例11: disp_frame
def disp_frame(x_data, y_data, mag_data):
'''
Show full frame.
'''
coord, x_name, y_name = prep_plots.coord_syst()
st_sizes_arr = prep_plots.star_size(mag_data)
plt.gca().set_aspect('equal')
# Get max and min values in x,y
x_min, x_max = min(x_data), max(x_data)
y_min, y_max = min(y_data), max(y_data)
# Set plot limits
plt.xlim(x_min, x_max)
plt.ylim(y_min, y_max)
# If RA is used, invert axis.
if coord == 'deg':
plt.gca().invert_xaxis()
# Set axis labels
plt.xlabel('{} ({})'.format(x_name, coord), fontsize=12)
plt.ylabel('{} ({})'.format(y_name, coord), fontsize=12)
# Set minor ticks
plt.minorticks_on()
# Set grid
plt.grid(b=True, which='major', color='k', linestyle='-', zorder=1)
plt.grid(b=True, which='minor', color='k', linestyle='-', zorder=1)
plt.scatter(x_data, y_data, marker='o', c='black', s=st_sizes_arr)
plt.draw()
print 'Plot displayed, waiting for it to be closed.'
开发者ID:philrosenfield,项目名称:ASteCA,代码行数:30,代码来源:display_frame.py
示例12: plot_v_of_t
def plot_v_of_t(volume_list,name,iteration):
"""Plots 2-volume as a function of proper time. Takes the output of
make_v_of_t.
name = name of simulation
iteration = number of spacetime in ensemble. Might be sweep# instead."""
# Defines the plot
vplot = plt.plot(volume_list, 'bo', volume_list, 'r-')
# plot title is made of name+iteration
plot_title = name+' '+str(iteration)
# Labels and Titles
plt.title(plot_title)
plt.xlabel('Proper Time')
plt.ylabel('2-Volume Per Time Slice')
# Ensure the y range is appropriate
plt.ylim([np.min(volume_list)-.5,np.max(volume_list)+.5])
# Turn on minor ticks
plt.minorticks_on()
# Show the plot
plt.show()
return
开发者ID:raylee,项目名称:CDT,代码行数:26,代码来源:visualize_spacetime.py
示例13: __init__
def __init__(self, parent):
# super(StocksGraphView, self).__init__(parent)
self.fatherHandle = parent
self.figure = plt.gcf()
self.ax = self.figure.gca()
self.canvas = figureCanvas(self.figure)
self.hintText = self.ax.text(-.5, -.5, "", ha="right", va="baseline", fontdict={"size": 15})
self.figure.canvas.mpl_connect('key_press_event', self._on_key_press)
self.figure.canvas.mpl_connect('button_press_event', self._on_button_press)
# figure.canvas.mpl_disconnect(figure.canvas.manager.key_press_handler_id)
self.figure.canvas.mpl_connect('motion_notify_event', self._on_mouse_move)
self._lines = {}
self._hHintLine = None
self._vHintLine = None
self.ax.fmt_date = matplotlib.dates.DateFormatter('%Y-%m-%d')
self.strpdate2num = matplotlib.dates.strpdate2num('%Y-%m-%d')
plt.subplots_adjust(left=.04, bottom=.0, right=.98, top=.97,
wspace=.0, hspace=.0)
plt.minorticks_on()
self.ax.grid()
self.ax.xaxis.set_major_formatter(matplotlib.dates.DateFormatter('%y\n-\n%m\n-\n%d'))
开发者ID:Fraxinus,项目名称:stock,代码行数:28,代码来源:StocksGraph.py
示例14: SetAxes
def SetAxes(legend=False):
# plt.axhline(y=0.165, ls='-', c='k', label=r'$\Omega_{b}$/$\Omega_{M}$ (WMAP)')
f_b = 0.164
f_star = 0.01
err_b = 0.004
err_star = 0.004
f_gas = f_b - f_star
err_gas = np.sqrt(err_b**2 + err_star**2)
plt.axhline(y=f_gas, ls='--', c='k', label='', zorder=-1)
x = np.linspace(1e+13,200e+13,1000)
plt.fill_between(x, y1=f_gas - err_gas, y2=f_gas + err_gas, color='k', alpha=0.3, zorder=-1)
plt.text(10e+13, f_gas+0.005, r'f$_{gas}$', verticalalignment='bottom', size='large')
plt.xlabel(r'M$_{vir}$ (M$_\odot$)', size='x-large')
plt.ylabel(r'f$_{gas}$ ($<$ r)', size='x-large')
plt.xscale('log')
plt.xlim([1e+13,2e+15])
plt.ylim(ymin=0.03)
plt.tick_params(length=10, which='major')
plt.tick_params(length=5, which='minor')
plt.minorticks_on()
if legend:
plt.legend(loc=0, prop={'size':'large'}, markerscale=0.7, numpoints=1)
开发者ID:bacook17,项目名称:PU_Thesis,代码行数:26,代码来源:PlotFgvM.py
示例15: prettyplot
def prettyplot():
ticks_font = font_manager.FontProperties(family='Helvetica', style='normal',
size=16, weight='normal', stretch='normal')
font = {'family': 'Helvetica', 'size': 10}
matplotlib.rc('font',**font)
#matplotlib.rc('ylabel',fontweight='bold',fontsize=18,labelpad=20)
matplotlib.rcParams['axes.labelsize'] = 18
matplotlib.rcParams['axes.labelweight'] = 'bold'
matplotlib.rcParams['axes.titlesize'] = 20
#matplotlib.rcParams['axes.titleweight'] = 'bold'
plt.figure()
ax = plt.axes()
for label in ax.get_xticklabels():
#print label.get_text()
label.set_fontproperties(ticks_font)
for label in ax.get_yticklabels():
label.set_fontproperties(ticks_font)
plt.minorticks_on()
plt.tick_params(axis='both', which='major', labelsize=12)
plt.gcf().subplots_adjust(bottom=0.15)
plt.gcf().subplots_adjust(left=0.15)
t = plt.title('')
t.set_y(1.05)
t.set_fontweight('bold')
x = ax.set_xlabel('',labelpad=20)
y = ax.set_ylabel('',labelpad=20)
开发者ID:akrolewski,项目名称:SciDBoss,代码行数:32,代码来源:prettyplot.py
示例16: plot3panels
def plot3panels(xax,p1,p2,p3,p4,ct):
fig, axes = plt.subplots(nrows=4, ncols=1, sharex=True)
plt.minorticks_on()
fig.subplots_adjust(hspace = 0.001)
plt.rc('font', family='serif',serif='Times')
y_formatter = matplotlib.ticker.ScalarFormatter(useOffset=False)
axes[0].plot(xax,p1,'D-',c='k',mec='b',fillstyle='none')
axes[0].set_ylabel(r'$original$ $RMS$',fontsize=13)
axes[0].yaxis.set_major_formatter(y_formatter)
axes[0].yaxis.set_major_locator(MaxNLocator(prune='both',nbins=5))
axes[1].plot(xax,p2,'D-',c='k',mec='b',fillstyle='none')
axes[1].set_ylabel(r'$flattened$ $RMS$',fontsize=13)
axes[1].yaxis.set_major_formatter(y_formatter)
axes[1].yaxis.set_major_locator(MaxNLocator(prune='both',nbins=5))
axes[2].plot(xax,p4,'D-',c='k',mec='b',fillstyle='none')
axes[2].set_ylabel(r'$\sigma-clipped$',fontsize=13)
axes[2].yaxis.set_major_formatter(y_formatter)
axes[2].yaxis.set_major_locator(MaxNLocator(prune='both',nbins=5))
axes[3].plot(xax,p3,'D-',c='k',mec='b',fillstyle='none',label='Soft')
axes[3].set_ylabel(r'$\sigma$ $clipped$ $RMS$',fontsize=13)
axes[3].set_xlabel(r'$aperture$ $(pixels)$',fontsize=13)
axes[3].yaxis.set_major_formatter(y_formatter)
axes[3].yaxis.set_major_locator(MaxNLocator(prune='both',nbins=5))
axes[3].legend(numpoints=1)
plt.savefig(str(ct)+'smoothlightS.png',bbox_inches='tight',dpi=200)
开发者ID:sud11,项目名称:gsoc_mcgill,代码行数:29,代码来源:changes_rms.py
示例17: avg_row_col_main
def avg_row_col_main(self):
'''
The main controller.
'''
self.get_image_list()
self.parse_image_info()
self.read_data()
self.calc_avg()
# Set plotting parameters
plt.rcParams['legend.fontsize'] = 10
plt.rcParams['font.family'] = 'Helvetica'
plt.minorticks_on()
# Plot the data
if self.plot_type == 'row' or self.plot_type == 'both':
self.descrip = 'Row'
self.anti_descrip = 'Column'
if self.all_switch == 'off':
self.plot_single_data(self.avg_row_list)
elif self.all_switch == 'on':
self.plot_all_data(self.avg_row_list)
elif self.plot_type == 'col' or self.plot_type == 'both':
self.descrip = 'Column'
self.anti_descrip = 'Row'
if self.all_switch == 'off':
self.plot_single_data(self.avg_col_list)
elif self.all_switch == 'on':
self.plot_all_data(self.avg_col_list)
开发者ID:bourque,项目名称:wfc3_tools,代码行数:30,代码来源:avg_row_col.py
示例18: __init__
def __init__(self,
field,
min_x, max_x, n_x,
min_y, max_y, n_y):
self.field = field
self.min_x = min_x
self.max_x = max_x
self.n_x = n_x
self.min_y = min_y
self.max_y = max_y
self.n_y = n_y
self.X = np.linspace(min_x, max_x, n_x)
self.Y = np.linspace(min_y, max_y, n_y)
points = np.empty([n_y * n_x, 3])
for i in range(0, n_y):
for j in range(0, n_x):
points[n_x * i + j, :] = np.array([self.X[j], self.Y[i], 0.])
self.B = self.field.evaluate(points)
self.legend_handles = []
plt.axis('equal')
plt.grid(b = True, which = 'major')
plt.grid(b = True, which = 'minor', color="0.75")
plt.minorticks_on()
plt.ylim([min_y, max_y])
plt.xlim([min_x, max_x])
开发者ID:tedyapo,项目名称:loopfield,代码行数:27,代码来源:plot.py
示例19: plot_field_corr2
def plot_field_corr2(cat,theta,out,err,out2,err2,label):
plt.figure()
plt.errorbar(theta,theta*out[0],yerr=theta*err[0],marker='o',linestyle='',color='r',label=r'$e_1$')
plt.errorbar(theta,theta*out2[0],yerr=theta*err2[0],marker='o',linestyle='',color='b',label=r'$e_2$')
if 'chip' not in label:
plt.axvline(x=5.25*60, linewidth=1, color='k')
elif 'corner' in label:
plt.axvline(x=0.75*60, linewidth=1, color='k')
plt.axvline(x=0.15*60, linewidth=1, color='k')
plt.axvline(x=0.765*60, linewidth=1, color='k')
elif 'centre' in label:
plt.axvline(x=0.75*60/2., linewidth=1, color='k')
plt.axvline(x=0.15*60/2., linewidth=1, color='k')
plt.axvline(x=0.765*60/2., linewidth=1, color='k')
plt.ylabel(r'$\langle e \rangle$')
plt.xlabel(r'$\theta$ (arcmin)')
plt.ylim((-.005,.005))
plt.xscale('log')
plt.minorticks_on()
plt.legend(loc='upper right',ncol=1, frameon=True,prop={'size':12})
plt.savefig('plots/xi/field_'+label+'_'+cat.name+'_mean_e.png', bbox_inches='tight')
plt.close()
return
开发者ID:matroxel,项目名称:destest,代码行数:25,代码来源:fig.py
示例20: plot_seeing
def plot_seeing(fwhm, tag=None):
fig = plt.figure()
plt.minorticks_on()
ax = fig.add_subplot(111)
print 'median seeing in g = ',numpy.median(fwhm['g'])
print 'median seeing in r = ',numpy.median(fwhm['r'])
print 'median seeing in i = ',numpy.median(fwhm['i'])
print 'median seeing in z = ',numpy.median(fwhm['z'])
riz = numpy.concatenate([fwhm['r'], fwhm['i'], fwhm['z']])
print 'median seeing in riz = ',numpy.median(riz)
nbins = 40
range = (0.7, 1.7)
#n, bins, p = ax.hist(riz, bins=nbins, range=range, histtype='step', fill=True,
#color='black', facecolor='cyan', label='riz')
#n, bins, p = ax.hist(fwhm['g'], bins=bins, histtype='step', color='green', label='g')
#n, bins, p = ax.hist(fwhm['r'], bins=bins, histtype='step', color='red', label='r')
#n, bins, p = ax.hist(fwhm['i'], bins=bins, histtype='step', color='magenta', label='i')
#n, bins, p = ax.hist(fwhm['z'], bins=bins, histtype='step', color='blue', label='z')
width = (range[1]-range[0])/nbins
n, bins, p = ax.hist([fwhm['z'],fwhm['i'],fwhm['r']], bins=nbins, range=range,
histtype='barstacked', fill=True,
color=['black','purple','red'], width=width)
ax.set_xlabel('Seeing FWHM (arcsec)')
ax.set_ylabel('Number of exposures')
ax.legend(reversed(p), ['r', 'i', 'z'], loc='upper right')
ax.set_xlim(*range)
plt.tight_layout()
if tag is None:
plt.savefig('seeing.pdf')
else:
plt.savefig('seeing_%s.pdf'%tag)
开发者ID:rmjarvis,项目名称:DESWL,代码行数:35,代码来源:plot_seeing.py
注:本文中的matplotlib.pyplot.minorticks_on函数示例由纯净天空整理自Github/MSDocs等源码及文档管理平台,相关代码片段筛选自各路编程大神贡献的开源项目,源码版权归原作者所有,传播和使用请参考对应项目的License;未经允许,请勿转载。 |
请发表评论