Source code for pesummary.gw.plots.publication

# Licensed under an MIT style license -- see LICENSE.md

from pesummary.utils.utils import logger, number_of_columns_for_legend
import seaborn
from pesummary.core.plots.figure import figure
from pesummary.core.plots.seaborn import violin
from pesummary.utils.bounded_2d_kde import Bounded_2d_kde
from pesummary.gw.plots.bounds import default_bounds
from pesummary.gw.plots.cmap import colormap_with_fixed_hue
from pesummary.gw.conversions import mchirp_from_m1_m2, q_from_m1_m2
import numpy as np
import copy

__author__ = [
    "Charlie Hoy <charlie.hoy@ligo.org>",
    "Michael Puerrer <michael.puerrer@ligo.org>"
]


[docs] def chirp_mass_and_q_from_mass1_mass2(pts): """Transform the component masses to chirp mass and mass ratio Parameters ---------- pts: numpy.array array containing the mass1 and mass2 samples """ pts = np.atleast_2d(pts) m1, m2 = pts mc = mchirp_from_m1_m2(m1, m2) q = q_from_m1_m2(m1, m2) return np.vstack([mc, q])
def _return_bounds(parameters, T=True): """Return bounds for KDE Parameters ---------- parameters: list list of parameters being plotted T: Bool, optional if True, modify the parameter bounds if a transform is required """ transform = xlow = xhigh = ylow = yhigh = None if parameters[0] in list(default_bounds.keys()): if "low" in list(default_bounds[parameters[0]].keys()): xlow = default_bounds[parameters[0]]["low"] if "high" in list(default_bounds[parameters[0]].keys()): if isinstance(default_bounds[parameters[0]]["high"], str) and T: if "mass_1" in default_bounds[parameters[0]]["high"]: transform = chirp_mass_and_q_from_mass1_mass2 xhigh = 1. elif isinstance(default_bounds[parameters[0]]["high"], str): xhigh = None else: xhigh = default_bounds[parameters[0]]["high"] if parameters[1] in list(default_bounds.keys()): if "low" in list(default_bounds[parameters[1]].keys()): ylow = default_bounds[parameters[1]]["low"] if "high" in list(default_bounds[parameters[1]].keys()): if isinstance(default_bounds[parameters[1]]["high"], str) and T: if "mass_1" in default_bounds[parameters[1]]["high"]: transform = chirp_mass_and_q_from_mass1_mass2 yhigh = 1. elif isinstance(default_bounds[parameters[1]]["high"], str): yhigh = None else: yhigh = default_bounds[parameters[1]]["high"] return transform, xlow, xhigh, ylow, yhigh
[docs] def twod_contour_plots( parameters, samples, labels, latex_labels, colors=None, linestyles=None, return_ax=False, plot_datapoints=False, smooth=None, latex_friendly=False, levels=[0.9], legend_kwargs={ "bbox_to_anchor": (0., 1.02, 1., .102), "loc": 3, "handlelength": 3, "mode": "expand", "borderaxespad": 0., "handleheight": 1.75 }, **kwargs ): """Generate 2d contour plots for a set of samples for given parameters Parameters ---------- parameters: list names of the parameters that you wish to plot samples: nd list list of samples for each parameter labels: list list of labels corresponding to each set of samples latex_labels: dict dictionary of latex labels """ from pesummary.core.plots.publication import ( comparison_twod_contour_plot as core ) from matplotlib.patches import Polygon logger.debug("Generating 2d contour plots for %s" % ("_and_".join(parameters))) if colors is None: palette = seaborn.color_palette(palette="pastel", n_colors=len(samples)) else: palette = colors if linestyles is None: linestyles = ["-"] * len(samples) fig, ax1 = figure(gca=True) transform, xlow, xhigh, ylow, yhigh = _return_bounds(parameters) kwargs.update( { "kde": Bounded_2d_kde, "kde_kwargs": { "transform": transform, "xlow": xlow, "xhigh": xhigh, "ylow": ylow, "yhigh": yhigh } } ) fig = core( [i[0] for i in samples], [i[1] for i in samples], colors=colors, labels=labels, xlabel=latex_labels[parameters[0]], smooth=smooth, ylabel=latex_labels[parameters[1]], linestyles=linestyles, plot_datapoints=plot_datapoints, levels=levels, **kwargs ) ax1 = fig.gca() if all("mass_1" in i or "mass_2" in i for i in parameters): reg = Polygon([[0, 0], [0, 1000], [1000, 1000]], color='gray', alpha=0.75) ax1.add_patch(reg) ncols = number_of_columns_for_legend(labels) legend_kwargs.update({"ncol": ncols}) legend = ax1.legend(**legend_kwargs) for leg in legend.get_lines(): leg.set_linewidth(legend_kwargs.get("handleheight", 1.)) fig.tight_layout() if return_ax: return fig, ax1 return fig
def _setup_triangle_plot(parameters, kwargs): """Modify a dictionary of kwargs for bounded KDEs Parameters ---------- parameters: list list of parameters being plotted kwargs: dict kwargs to be passed to pesummary.gw.plots.publication.triangle_plot or pesummary.gw.plots.publication.reverse_triangle_plot """ from pesummary.utils.bounded_1d_kde import bounded_1d_kde if not len(parameters): raise ValueError("Please provide a list of parameters") transform, xlow, xhigh, ylow, yhigh = _return_bounds(parameters) kwargs.update( { "kde_2d": Bounded_2d_kde, "kde_2d_kwargs": { "transform": transform, "xlow": xlow, "xhigh": xhigh, "ylow": ylow, "yhigh": yhigh }, "kde": bounded_1d_kde } ) _, xlow, xhigh, ylow, yhigh = _return_bounds(parameters, T=False) kwargs["kde_kwargs"] = { "x_axis": {"xlow": xlow, "xhigh": xhigh}, "y_axis": {"xlow": ylow, "xhigh": yhigh} } return kwargs
[docs] def triangle_plot(*args, parameters=[], **kwargs): """Generate a triangular plot made of 3 axis. One central axis showing the 2d marginalized posterior and two smaller axes showing the marginalized 1d posterior distribution (above and to the right of central axis) Parameters ---------- *args: tuple all args passed to pesummary.core.plots.publication.triangle_plot parameters: list list of parameters being plotted kwargs: dict, optional all kwargs passed to pesummary.core.plots.publication.triangle_plot """ from pesummary.core.plots.publication import triangle_plot as core kwargs = _setup_triangle_plot(parameters, kwargs) return core(*args, **kwargs)
[docs] def reverse_triangle_plot(*args, parameters=[], **kwargs): """Generate a triangular plot made of 3 axis. One central axis showing the 2d marginalized posterior and two smaller axes showing the marginalized 1d posterior distribution (below and to the left of central axis). Only two axes are plotted, each below the 1d marginalized posterior distribution Parameters ---------- *args: tuple all args passed to pesummary.core.plots.publication.reverse_triangle_plot parameters: list list of parameters being plotted kwargs: dict, optional all kwargs passed to pesummary.core.plots.publication.reverse_triangle_plot """ from pesummary.core.plots.publication import reverse_triangle_plot as core kwargs = _setup_triangle_plot(parameters, kwargs) return core(*args, **kwargs)
[docs] def violin_plots( parameter, samples, labels, latex_labels, inj_values=None, cut=0, _default_kwargs={"palette": "pastel", "inner": "line", "outer": "percent: 90"}, latex_friendly=True, **kwargs ): """Generate violin plots for a set of parameters and samples Parameters ---------- parameters: str the name of the parameter that you wish to plot samples: nd list list of samples for each parameter labels: list list of labels corresponding to each set of samples latex_labels: dict dictionary of latex labels inj_values: list list of injected values for each set of samples """ logger.debug("Generating violin plots for %s" % (parameter)) fig, ax1 = figure(gca=True) _default_kwargs.update(kwargs) ax1 = violin.violinplot( data=samples, cut=cut, ax=ax1, scale="width", inj=inj_values, **_default_kwargs ) if latex_friendly: labels = copy.deepcopy(labels) for num, _ in enumerate(labels): labels[num] = labels[num].replace("_", "\_") ax1.set_xticklabels(labels) for label in ax1.get_xmajorticklabels(): label.set_rotation(30) ax1.set_ylabel(latex_labels[parameter]) fig.tight_layout() return fig
[docs] def spin_distribution_plots( parameters, samples, label, color=None, cmap=None, annotate=False, show_label=True, colorbar=False, vmin=0., vmax=np.log(1.0 + np.exp(1.) * 3.024) ): """Generate spin distribution plots for a set of parameters and samples Parameters ---------- parameters: list list of parameters samples: nd list list of samples for each spin component label: str the label corresponding to the set of samples color: str, optioanl color to use for plotting cmap: str, optional cmap to use for plotting. cmap is preferentially chosen over color annotate: Bool, optional if True, label the magnitude and tilt directions show_label: Bool, optional if True, add labels indicating which side of the spin disk corresponds to which binary component """ logger.debug("Generating spin distribution plots for %s" % (label)) from matplotlib.projections import PolarAxes from matplotlib.transforms import Affine2D from matplotlib.patches import Wedge from matplotlib import patheffects as PathEffects from matplotlib.collections import PatchCollection from matplotlib.transforms import ScaledTranslation from mpl_toolkits.axisartist.grid_finder import MaxNLocator import mpl_toolkits.axisartist.floating_axes as floating_axes import mpl_toolkits.axisartist.angle_helper as angle_helper if color is not None and cmap is None: cmap = colormap_with_fixed_hue(color) elif color is None and cmap is None: raise ValueError( "Please provide either a single color or a cmap to use for plotting" ) spin1 = samples[parameters.index("a_1")] spin2 = samples[parameters.index("a_2")] costheta1 = samples[parameters.index("cos_tilt_1")] costheta2 = samples[parameters.index("cos_tilt_2")] pts = np.array([spin1, costheta1]) selected_indices = np.random.choice(pts.shape[1], pts.shape[1] // 2, replace=False) kde_sel = np.zeros(pts.shape[1], dtype=bool) kde_sel[selected_indices] = True kde_pts = pts[:, kde_sel] spin1 = Bounded_2d_kde(kde_pts, xlow=0, xhigh=.99, ylow=-1, yhigh=1) pts = np.array([spin2, costheta2]) selected_indices = np.random.choice(pts.shape[1], pts.shape[1] // 2, replace=False) kde_sel = np.zeros(pts.shape[1], dtype=bool) kde_sel[selected_indices] = True kde_pts = pts[:, kde_sel] spin2 = Bounded_2d_kde(kde_pts, xlow=0, xhigh=.99, ylow=-1, yhigh=1) rs = np.linspace(0, .99, 25) dr = np.abs(rs[1] - rs[0]) costs = np.linspace(-1, 1, 25) dcost = np.abs(costs[1] - costs[0]) COSTS, RS = np.meshgrid(costs[:-1], rs[:-1]) X = np.arccos(COSTS) * 180 / np.pi + 90. Y = RS scale = np.exp(1.0) spin1_PDF = spin1( np.vstack([RS.ravel() + dr / 2, COSTS.ravel() + dcost / 2])) spin2_PDF = spin2( np.vstack([RS.ravel() + dr / 2, COSTS.ravel() + dcost / 2])) H1 = np.log(1.0 + scale * spin1_PDF) H2 = np.log(1.0 + scale * spin2_PDF) rect = 121 tr = Affine2D().translate(90, 0) + Affine2D().scale(np.pi / 180., 1.) + \ PolarAxes.PolarTransform() grid_locator1 = angle_helper.LocatorD(7) tick_formatter1 = angle_helper.FormatterDMS() grid_locator2 = MaxNLocator(5) grid_helper = floating_axes.GridHelperCurveLinear( tr, extremes=(0, 180, 0, .99), grid_locator1=grid_locator1, grid_locator2=grid_locator2, tick_formatter1=tick_formatter1, tick_formatter2=None) fig = figure(figsize=(6, 6), gca=False) ax1 = floating_axes.FloatingSubplot(fig, rect, grid_helper=grid_helper) fig.add_subplot(ax1) ax1.axis["bottom"].toggle(all=False) ax1.axis["top"].toggle(all=True) ax1.axis["top"].major_ticks.set_tick_out(True) ax1.axis["top"].set_axis_direction("top") ax1.axis["top"].set_ticklabel_direction('+') ax1.axis["left"].major_ticks.set_tick_out(True) ax1.axis["left"].set_axis_direction('right') dx = 7.0 / 72. dy = 0 / 72. offset_transform = ScaledTranslation(dx, dy, fig.dpi_scale_trans) ax1.axis["left"].major_ticklabels.set(figure=fig, transform=offset_transform) patches = [] colors = [] for x, y, h in zip(X.ravel(), Y.ravel(), H1.ravel()): cosx = np.cos((x - 90) * np.pi / 180) cosxp = cosx + dcost xp = np.arccos(cosxp) xp = xp * 180. / np.pi + 90. patches.append(Wedge((0., 0.), y + dr, xp, x, width=dr)) colors.append(h) p = PatchCollection(patches, cmap=cmap, edgecolors='face', zorder=10) p.set_clim(vmin, vmax) p.set_array(np.array(colors)) ax1.add_collection(p) # Spin 2 rect = 122 tr_rotate = Affine2D().translate(90, 0) tr_scale = Affine2D().scale(np.pi / 180., 1.) tr = tr_rotate + tr_scale + PolarAxes.PolarTransform() grid_locator1 = angle_helper.LocatorD(7) tick_formatter1 = angle_helper.FormatterDMS() grid_locator2 = MaxNLocator(5) grid_helper = floating_axes.GridHelperCurveLinear( tr, extremes=(0, 180, 0, .99), grid_locator1=grid_locator1, grid_locator2=grid_locator2, tick_formatter1=tick_formatter1, tick_formatter2=None) ax1 = floating_axes.FloatingSubplot(fig, rect, grid_helper=grid_helper) ax1.invert_xaxis() fig.add_subplot(ax1) # Label angles on the outside ax1.axis["bottom"].toggle(all=False) ax1.axis["top"].toggle(all=True) ax1.axis["top"].set_axis_direction("top") ax1.axis["top"].major_ticks.set_tick_out(True) # Remove radial labels ax1.axis["left"].major_ticks.set_tick_out(True) ax1.axis["left"].toggle(ticklabels=False) ax1.axis["left"].major_ticklabels.set_visible(False) # Also have radial ticks for the lower half of the right semidisk ax1.axis["right"].major_ticks.set_tick_out(True) patches = [] colors = [] for x, y, h in zip(X.ravel(), Y.ravel(), H2.ravel()): cosx = np.cos((x - 90) * np.pi / 180) cosxp = cosx + dcost xp = np.arccos(cosxp) xp = xp * 180. / np.pi + 90. patches.append(Wedge((0., 0.), y + dr, xp, x, width=dr)) colors.append(h) p = PatchCollection(patches, cmap=cmap, edgecolors='face', zorder=10) p.set_clim(vmin, vmax) p.set_array(np.array(colors)) ax1.add_collection(p) # Event name top, spin labels bottom if label is not None: title = ax1.text(0.16, 1.25, label, fontsize=18, horizontalalignment='center') if show_label: S1_label = ax1.text(1.25, -1.15, r'$c{S}_{1}/(Gm_1^2)$', fontsize=14) S2_label = ax1.text(-.5, -1.15, r'$c{S}_{2}/(Gm_2^2)$', fontsize=14) if annotate: scale = 1.0 aux_ax2 = ax1.get_aux_axes(tr) txt = aux_ax2.text( 50 * scale, 0.35 * scale, r'$\mathrm{magnitude}$', fontsize=20, zorder=10 ) txt = aux_ax2.text( 45 * scale, 1.2 * scale, r'$\mathrm{tilt}$', fontsize=20, zorder=10 ) txt = aux_ax2.annotate( "", xy=(55, 1.158 * scale), xycoords='data', xytext=(35, 1.158 * scale), textcoords='data', arrowprops=dict( arrowstyle="->", color="k", shrinkA=2, shrinkB=2, patchA=None, patchB=None, connectionstyle='arc3,rad=-0.16' ) ) txt.arrow_patch.set_path_effects( [PathEffects.Stroke(linewidth=2, foreground="w"), PathEffects.Normal()] ) txt = aux_ax2.annotate( "", xy=(35, 0.55 * scale), xycoords='data', xytext=(150, 0. * scale), textcoords='data', arrowprops=dict( arrowstyle="->", color="k", shrinkA=2, shrinkB=2, patchA=None, patchB=None ), zorder=100 ) txt.arrow_patch.set_path_effects( [ PathEffects.Stroke(linewidth=0.3, foreground="k"), PathEffects.Normal() ] ) fig.subplots_adjust(wspace=0.295) if colorbar: ax3 = fig.add_axes([0.22, 0.05, 0.55, 0.02]) cbar = fig.colorbar( p, cax=ax3, orientation="horizontal", pad=0.2, shrink=0.5, label='posterior probability per pixel' ) return fig