In [13]:
% matplotlib inline
from __future__ import (division,
print_function)
import os
import sys
import copy
import fnmatch
import warnings
import collections
import numpy as np
import scipy
try:
from scipy.stats import scoreatpercentile
except:
scoreatpercentile = False
from scipy.interpolate import interp1d
import cPickle as pickle
# Astropy
from astropy.io import fits
from astropy import units as u
from astropy.stats import sigma_clip
from astropy.table import Table, Column
from astropy.utils.console import ProgressBar
from astropy.convolution import convolve, Box1DKernel
# AstroML
from astroML.plotting import hist
from astroML.density_estimation import KNeighborsDensity
try:
from sklearn.neighbors import KernelDensity
use_sklearn_KDE = True
except:
import warnings
warnings.warn("KDE will be removed in astroML version 0.3. Please "
"upgrade to scikit-learn 0.14+ and use "
"sklearn.neighbors.KernelDensity.", DeprecationWarning)
from astroML.density_estimation import KDE
use_sklearn_KDE = False
from sklearn.neighbors import KDTree
from sklearn.neighbors import BallTree
# Matplotlib related
import matplotlib.pyplot as plt
import matplotlib.patches as mpatches
from matplotlib.patches import Ellipse
from matplotlib.ticker import NullFormatter, MaxNLocator, FormatStrFormatter
from matplotlib.collections import PatchCollection
tickFormat = FormatStrFormatter('$\mathbf{%g}$')
# Personal
import hscUtils as hUtil
#import galSBP
import coaddCutoutGalfitSimple as gSimple
# Cosmology
import cosmology
c=cosmology.Cosmo(H0=70.0, omega_m=0.3, omega_l=0.7, flat=1)
import emcee
import corner
# Color map
from palettable.colorbrewer.sequential import Greys_9, OrRd_9, Blues_9, Purples_9, YlGn_9
BLK = Greys_9.mpl_colormap
ORG = OrRd_9.mpl_colormap
BLU = Blues_9.mpl_colormap
GRN = YlGn_9.mpl_colormap
PUR = Purples_9.mpl_colormap
# Personal tools
from hscUtils import songPlotSetup, removeIsNullCol
from hscUtils import confidence_interval, ma_confidence_interval_1d, confidence_interval_1d
## Constants
# SDSS pivot wavelength
sdss_u_pivot = 3551.0
sdss_g_pivot = 4686.0
sdss_r_pivot = 6165.0
sdss_i_pivot = 7481.0
sdss_z_pivot = 8931.0
# HSC pivot wavelength
hsc_g_pivot = 4782.2
hsc_r_pivot = 6101.7
hsc_i_pivot = 7648.0
hsc_z_pivot = 8883.0
hsc_y_pivot = 9750.8
hscFiltWave = np.asarray([hsc_g_pivot, hsc_r_pivot, hsc_i_pivot, hsc_z_pivot, hsc_y_pivot])
"""
Absolute magnitude of the Sun in HSC filters
Right now, just use the DES filters
"""
SUN_G = 5.08
SUN_R = 4.62
SUN_I = 4.52
SUN_Z = 4.52
SUN_Y = 4.51
# Solar stellar metallicity
Z_SUN = 0.02
# definitions for the axes
left, width = 0.15, 0.64
right = left + width
bottom, height = 0.13, 0.86
bottom_h = left_h = left + width + 0.02
recScat = [left, bottom, width, height]
recHist = [right, bottom, 0.20, height]
SBP1 = [0.124, 0.085, 0.865, 0.33]
SBP2 = [0.124, 0.41, 0.865, 0.55]
EC1 = [0.135, 0.072, 0.862, 0.295]
EC2 = [0.135, 0.366, 0.862, 0.295]
EC3 = [0.135, 0.666, 0.862, 0.295]
REC = [0.12, 0.11, 0.87, 0.87]
COG1 = [0.143, 0.10, 0.850, 0.43]
COG2 = [0.143, 0.53, 0.850, 0.43]
# Universal RSMA array
RSMA_COMMON = np.arange(0.4, 4.2, 0.01)
RR50_COMMON = np.arange(0.0, 9.0, 0.01)
EMPTY = (RSMA_COMMON * np.nan)
# Color
BLUE0 = "#92c5de"
BLUE1 = "#0571b0"
RED0 = "#f4a582"
RED1 = "#ca0020"
PURPLE0 = '#af8dc3'
PURPLE1 = '#762a83'
BROWN0 = '#bf812d'
BROWN1 = '#543005'
GREEN0 = '#7fbf7b'
GREEN1 = '#1b7837'
# 3-sigma
SIGMA1 = 0.3173
SIGMA2 = 0.0455
SIGMA3 = 0.0027
import seaborn as sns
sns.set(color_codes=True)
In [14]:
# Location of the data
homeDir = os.getenv('HOME')
synpipeDir = os.path.join(homeDir, 'astro4/synpipe/')
sampleDir = os.path.join(synpipeDir, 'sample/cosmos')
# Samples
cosPhoFile = os.path.join(sampleDir, 'cosmos_mag25.2_shuang_photo.fits')
cosHscFile = os.path.join(sampleDir, 'cosmos_mag25.2_shuang_photo_hscmatch.fits')
cosPho = Table.read(cosPhoFile, format='fits')
cosHsc = Table.read(cosHscFile, format='fits')
In [15]:
print("# The shuang_photo catalog:")
print("# Number of objects: %d" % len(cosPho))
print("# Columns:")
print(cosPho.colnames)
print("\n# The shuang_laige catalog:")
print("# Number of objects: %d" % len(cosHsc))
print("# Columns:")
print(cosHsc.colnames)
In [66]:
iAcs = cosHsc['mag']
iHsc = cosHsc['icmodel_mag'] + cosHsc['a_i']
gHsc = cosHsc['gcmodel_mag'] + cosHsc['a_g']
rHsc = cosHsc['rcmodel_mag'] + cosHsc['a_r']
zHsc = cosHsc['zcmodel_mag'] + cosHsc['a_z']
yHsc = cosHsc['ycmodel_mag'] + cosHsc['a_y']
gCos = cosHsc['SUBARU_G']
rCos = cosHsc['r_MAG_AUTO']
iCos = cosHsc['ip_MAG_AUTO']
zCos = cosHsc['zp_MAG_AUTO']
yCos = cosHsc['yHSC_MAG_AUTO']
redCos = cosHsc['PHOTOZ']
redHsc = cosHsc['specz_redshift']
In [87]:
xx, yy = iAcs, iHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy+0.3, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(15.0, 28.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{ACS}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$i_{\mathrm{HSC}+0.3}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 25.9)
ax1.set_ylim(18.9, 25.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [88]:
xx, yy = iAcs, iCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy+0.3, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(15.0, 28.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{ACS}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$i_{\mathrm{Cosmos}+0.3}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 25.9)
ax1.set_ylim(18.9, 25.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [89]:
xx, yy = iHsc, iCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(15.0, 28.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$i_{\mathrm{Cosmos}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 25.9)
ax1.set_ylim(18.9, 25.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [91]:
xx, yy = gHsc, gCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(15.0, 30.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$g_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$g_{\mathrm{Cosmos}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 29.9)
ax1.set_ylim(18.9, 29.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [92]:
xx, yy = rHsc, rCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(15.0, 28.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$r_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$r_{\mathrm{Cosmos}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 27.9)
ax1.set_ylim(18.9, 27.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [93]:
xx, yy = zHsc, zCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(15.0, 28.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$z_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$z_{\mathrm{Cosmos}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(17.9, 25.9)
ax1.set_ylim(17.9, 25.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [94]:
xx, yy = yHsc, yCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(15.0, 28.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$Y_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$Y_{\mathrm{Cosmos}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(17.9, 25.9)
ax1.set_ylim(17.9, 25.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [95]:
xx, yy = gHsc - iHsc, gCos - iCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(-5.0, 5.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$(g-i)_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(g-i)_{\mathrm{Cosmos}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(-0.9, 4.9)
ax1.set_ylim(-0.9, 4.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [96]:
xx, yy = rHsc - iHsc, rCos - iCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy*1.1, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(-5.0, 5.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$(g-i)_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(g-i)_{\mathrm{Cosmos}}\\times 1.1\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(-0.7, 2.2)
ax1.set_ylim(-0.7, 2.2)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [100]:
xx, yy = iHsc - zHsc, iCos - zCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx*1.05, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(-5.0, 5.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$(i-z)_{\mathrm{HSC}}\\times 1.05 \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(i-z)_{\mathrm{Cosmos}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(-0.7, 2.2)
ax1.set_ylim(-0.7, 2.2)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [102]:
xx, yy = iHsc - yHsc, iCos - yCos
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
lin = np.linspace(-5.0, 5.0, 100)
ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$(i-\mathrm{Y})_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(i-\mathrm{Y})_{\mathrm{Cosmos}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(-0.7, 2.2)
ax1.set_ylim(-0.7, 2.2)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [108]:
xx, yy = iHsc, gHsc - iHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(g-i)_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(17.9, 27.9)
ax1.set_ylim(-0.9, 3.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [110]:
xx, yy = iHsc, rHsc - iHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(r-i)_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(17.9, 27.9)
ax1.set_ylim(-0.9, 2.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [112]:
xx, yy = iHsc, iHsc - zHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(i-z)_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(17.9, 27.9)
ax1.set_ylim(-0.9, 1.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [114]:
xx, yy = iHsc, iHsc - yHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(i-\mathrm{Y})_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(17.9, 27.9)
ax1.set_ylim(-0.9, 1.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [116]:
xx, yy = redCos, gHsc - iHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(g-i)_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(0.01, 3.9)
ax1.set_ylim(-0.9, 4.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [118]:
xx, yy = redCos, rHsc - iHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(r-i)_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(0.01, 3.9)
ax1.set_ylim(-0.9, 2.4)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [120]:
xx, yy = redCos, iHsc - zHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(i-z)_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(0.01, 3.9)
ax1.set_ylim(-0.9, 1.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [121]:
xx, yy = redCos, iHsc - yHsc
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{HSC}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(i-\mathrm{Y})_{\mathrm{HSC}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(0.01, 3.9)
ax1.set_ylim(-0.9, 1.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [123]:
giMed = np.nanmedian(gHsc - iHsc)
riMed = np.nanmedian(rHsc - iHsc)
izMed = np.nanmedian(iHsc - zHsc)
iyMed = np.nanmedian(iHsc - yHsc)
print(giMed, riMed, izMed, iyMed)
In [126]:
magI = cosPho['mag']
magG = magI + giMed
magR = magI + riMed
magZ = magI - izMed
magY = magI - iyMed
cosMedColor = copy.deepcopy(cosHsc)
cosMedColor.add_column(Column(magI, name='mag_I'))
cosMedColor.add_column(Column(magG, name='mag_G'))
cosMedColor.add_column(Column(magR, name='mag_R'))
cosMedColor.add_column(Column(magZ, name='mag_Z'))
cosMedColor.add_column(Column(magY, name='mag_Y'))
In [127]:
cosMedColor.write('cosmos_mag25.2_shuang_multiband_medcolor.fits')
In [161]:
giPho = (gHsc - iHsc)
riPho = (rHsc - iHsc)
izPho = (iHsc - zHsc)
iyPho = (iHsc - yHsc)
giSig = np.nanstd(gHsc - iHsc)
riSig = np.nanstd(rHsc - iHsc)
izSig = np.nanstd(iHsc - zHsc)
iySig = np.nanstd(iCos - yCos)
print(giSig, riSig, izSig, iySig)
In [162]:
giNBad = len(giPho[(np.isnan(giPho)) | (giPho > 3.8) | (giPho < -0.2)])
giPho[(np.isnan(giPho)) | (giPho > 3.8) | (giPho < -0.2)] = np.random.normal(giMed, giSig, giNBad)
riNBad = len(riPho[(np.isnan(riPho)) | (riPho > 1.7) | (riPho < -0.2)])
riPho[(np.isnan(riPho)) | (riPho > 1.7) | (riPho < -0.2)] = np.random.normal(riMed, riSig, riNBad)
izNBad = len(izPho[(np.isnan(izPho)) | (izPho > 1.3) | (izPho < -0.2)])
izPho[(np.isnan(izPho)) | (izPho > 1.3) | (izPho < -0.2)] = np.random.normal(izMed, izSig, izNBad)
iyNBad = len(iyPho[(np.isnan(iyPho)) | (iyPho > 1.6) | (iyPho < -0.4)])
iyPho[(np.isnan(iyPho)) | (iyPho > 1.6) | (iyPho < -0.4)] = np.random.normal(iyMed, iySig, iyNBad)
In [167]:
xx, yy = iAcs, giPho
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{ACS}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(g-i)_{\mathrm{Assigned}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 25.3)
ax1.set_ylim(-0.9, 3.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [168]:
xx, yy = iAcs, riPho
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{ACS}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(r-i)_{\mathrm{Assigned}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 25.3)
ax1.set_ylim(-0.7, 1.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [169]:
xx, yy = iAcs, izPho
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{ACS}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(i-z)_{\mathrm{Assigned}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 25.3)
ax1.set_ylim(-0.7, 1.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [170]:
xx, yy = iAcs, iyPho
#-----------------------------------------------------------------#
fig = plt.figure(figsize=(10, 10))
fig.subplots_adjust(left=0.17, right=0.995,
bottom=0.17, top=0.995,
wspace=0.00, hspace=0.00)
#-----------------------------------------------------------------#
# logM100 - C82
ax1 = fig.add_subplot(111)
ax1 = songPlotSetup(ax1, xlabel=30, ylabel=30, border=0,
majorTickL=0, minorTickL=0,
majorTickW=0, minorTickW=0,
xtickFormat='$\mathrm{%4.1f}$',
ytickFormat='$\mathrm{%4.1f}$')
ax1.scatter(xx, yy, marker='o', edgecolor='none', cmap=ORG, s=10,
c=ORG(0.5), alpha=0.20, rasterized=True)
# Scaling Relations
ax1.set_rasterization_zorder(0)
#lin = np.linspace(-5.0, 5.0, 100)
#ax1.plot(lin, lin, linestyle='--', color=BLK(0.95), alpha=0.7,
# linewidth=8.0, zorder=2, dashes=(30,6))
# X, Y Label
ax1.set_xlabel('$i_{\mathrm{ACS}} \ (\mathrm{mag})$', size=60)
ax1.set_ylabel('$(i-\mathrm{Y})_{\mathrm{Assigned}}\ (\mathrm{mag})$', size=60)
# X, Y limits
ax1.set_xlim(18.9, 25.3)
ax1.set_ylim(-0.7, 1.9)
#ax1.legend(loc=(0.03, 0.74),
# shadow=True, fancybox=True,
# numpoints=1, fontsize=38, scatterpoints=1,
# markerscale=1.8, borderpad=0.3, handletextpad=0.5)
#-----------------------------------------------------------------#
#fig.savefig(os.path.join(figDir, 'redbcg_mass_r50.pdf'), dpi=150)
plt.show()
In [155]:
In [171]:
magI2 = cosPho['mag']
magG2 = magI2 + giPho
magR2 = magI2 + riPho
magZ2 = magI2 - izPho
magY2 = magI2 - iyPho
cosColor = copy.deepcopy(cosHsc)
cosColor.add_column(Column(magI2, name='mag_I'))
cosColor.add_column(Column(magG2, name='mag_G'))
cosColor.add_column(Column(magR2, name='mag_R'))
cosColor.add_column(Column(magZ2, name='mag_Z'))
cosColor.add_column(Column(magY2, name='mag_Y'))
In [172]:
cosColor.write('cosmos_mag25.2_shuang_multiband_phocolor.fits')