diff --git a/python/lsst/analysis/tools/actions/keyedData/calcCompletenessHistogram.py b/python/lsst/analysis/tools/actions/keyedData/calcCompletenessHistogram.py index d61f8223b..2ba3f75c7 100644 --- a/python/lsst/analysis/tools/actions/keyedData/calcCompletenessHistogram.py +++ b/python/lsst/analysis/tools/actions/keyedData/calcCompletenessHistogram.py @@ -44,7 +44,7 @@ class MagnitudeCompletenessConfig(pexConfig.Config): ) completeness_percentiles = pexConfig.ListField[float]( doc="The percentiles to find the magnitude at.", - default=[90.0, 80.0, 50.0, 20.0, 10.0], + default=[90.0, 80.0, 50.0], itemCheck=isPercent, ) diff --git a/python/lsst/analysis/tools/actions/plot/completenessPlot.py b/python/lsst/analysis/tools/actions/plot/completenessPlot.py index 20221799c..430ddf28a 100644 --- a/python/lsst/analysis/tools/actions/plot/completenessPlot.py +++ b/python/lsst/analysis/tools/actions/plot/completenessPlot.py @@ -22,11 +22,10 @@ from typing import Mapping -import matplotlib.pyplot as plt import numpy as np from lsst.pex.config import ChoiceField, Field from lsst.pex.config.configurableActions import ConfigurableActionField -from lsst.utils.plotting import set_rubin_plotstyle +from lsst.utils.plotting import make_figure, set_rubin_plotstyle from matplotlib.figure import Figure from ...actions.keyedData import CalcCompletenessHistogramAction @@ -39,11 +38,24 @@ class CompletenessHist(PlotAction): """Makes plots of completeness and purity.""" + label_shift = Field[float]( + doc="Fraction of plot width to shift completeness/purity labels by." + "Ignored if percentiles_style is not 'below_line'", + default=-0.1, + ) action = ConfigurableActionField[CalcCompletenessHistogramAction]( doc="Action to compute completeness/purity", ) - mag_ref_label = Field[str](doc="Label for the completeness x axis.", default="Reference magnitude") - mag_target_label = Field[str](doc="Label for the purity x axis.", default="Measured magnitude") + color_counts = Field[str](doc="Color for the line showing object counts", default="#029E73") + color_right = Field[str]( + doc="Color for the line showing the correctly classified fraction", default="#949494" + ) + color_wrong = Field[str]( + doc="Color for the line showing the wrongly classified fraction", default="#DE8F05" + ) + legendLocation = Field[str](doc="Legend position within main plot", default="lower left") + mag_ref_label = Field[str](doc="Label for the completeness x axis.", default="Reference Magnitude") + mag_target_label = Field[str](doc="Label for the purity x axis.", default="Measured Magnitude") percentiles_style = ChoiceField[str]( doc="Style and locations for completeness threshold percentile labels", allowed={ @@ -52,6 +64,8 @@ class CompletenessHist(PlotAction): }, default="below_line", ) + publicationStyle = Field[bool](doc="Make a publication-style of plot", default=False) + show_purity = Field[bool](doc="Whether to include a purity plot below completness", default=True) def getInputSchema(self) -> KeyedDataSchema: yield from self.action.getOutputSchema() @@ -132,10 +146,12 @@ def makePlot(self, data, plotInfo, **kwargs): # Make plot showing the fraction recovered in magnitude bins set_rubin_plotstyle() - fig, axes = plt.subplots(dpi=300, nrows=2, figsize=(8, 8)) - color_counts = "purple" - color_wrong = "firebrick" - color_right = "teal" + n_sub = 1 + self.show_purity + fig = make_figure(dpi=300, figsize=(8, 4 * n_sub)) + if self.show_purity: + axes = (fig.add_subplot(2, 1, 1), fig.add_subplot(2, 1, 2)) + else: + axes = [fig.add_axes([0.1, 0.15, 0.8, 0.75])] max_left = 1.05 band = kwargs.get("band") @@ -167,28 +183,37 @@ def makePlot(self, data, plotInfo, **kwargs): counts_all = data[names["count"]] + if self.publicationStyle: + lineTuples = ( + (data[names["completeness"]], False, "k", "Completeness"), + (data[names["completeness_bad_match"]], False, self.color_wrong, "Incorrect Class"), + ) + else: + lineTuples = ( + (data[names["completeness"]], True, "k", "Completeness"), + (data[names["completeness_bad_match"]], False, self.color_wrong, "Incorrect class"), + (data[names["completeness_good_match"]], False, self.color_right, "Correct Class"), + ) + plots = { "Completeness": { "count_type": "Reference", "counts": data[names["count_ref"]], - "lines": ( - (data[names["completeness"]], True, "k", "completeness"), - (data[names["completeness_bad_match"]], False, color_wrong, "wrong class"), - (data[names["completeness_good_match"]], False, color_right, "right class"), - ), + "lines": lineTuples, "xlabel": self.mag_ref_label, }, - "Purity": { + } + if self.show_purity: + plots["Purity"] = { "count_type": "Object", "counts": data[names["count_target"]], "lines": ( - (data[names["purity"]], True, "k", None), - (data[names["purity_bad_match"]], False, color_wrong, "wrong class"), - (data[names["purity_good_match"]], False, color_right, "right class"), + (data[names["purity"]], True, "k", "Purity"), + (data[names["purity_bad_match"]], False, self.color_wrong, "Incorrect class"), + (data[names["purity_good_match"]], False, self.color_right, "Correct class"), ), "xlabel": self.mag_target_label, - }, - } + } # idx == 0 should be completeness; update this if that assumption # is changed @@ -203,9 +228,10 @@ def makePlot(self, data, plotInfo, **kwargs): xticks=np.arange(round(xlim[0]), round(xlim[1])), yticks=np.linspace(0, 1, 11), ) - axes_idx.grid(color="lightgrey", ls="-") + if not self.publicationStyle: + axes_idx.grid(color="lightgrey", ls="-") ax_right = axes_idx.twinx() - ax_right.set_ylabel(f"{plot_data['count_type']} counts/mag") + ax_right.set_ylabel(f"{plot_data['count_type']} Counts/Magnitude", color="k") ax_right.set_yscale("log") for y, do_err, color, label in plot_data["lines"]: @@ -214,26 +240,43 @@ def makePlot(self, data, plotInfo, **kwargs): y=y, xerr=x_err if do_err else None, yerr=1.0 / np.sqrt(counts_all + 1) if do_err else None, + capsize=0, color=color, label=label, ) y = plot_data["counts"] / interval # It should be unusual for np.max(y) to be zero; nonetheless... + lines_left, labels_left = axes_idx.get_legend_handles_labels() ax_right.step( [x[0] - interval] + list(x) + [x[-1] + interval], [0] + list(y) + [0], where="mid", - color=color_counts, - label="counts", + color=self.color_counts, + label="Counts", ) + + # Force the inputs counts histogram to the back + ax_right.zorder = 1 + axes_idx.zorder = 2 + axes_idx.patch.set_visible(False) + ax_right.set_ylim(0.999, 10 ** (max_left * np.log10(max(np.nanmax(y), 2)))) - ax_right.tick_params(axis="y", labelcolor=color_counts) - lines_left, labels_left = axes_idx.get_legend_handles_labels() + ax_right.tick_params(axis="y", labelcolor=self.color_counts) lines_right, labels_right = ax_right.get_legend_handles_labels() - axes_idx.legend(lines_left + lines_right, labels_left + labels_right, loc="lower left", ncol=2) + + # Using fig for legend + (axes_idx if self.show_purity else fig).legend( + lines_left + lines_right, + labels_left + labels_right, + loc=self.legendLocation, + ncol=2, + ) if idx == 0: - percentiles = self.action.config_metrics.completeness_percentiles + if not self.publicationStyle: + percentiles = self.action.config_metrics.completeness_percentiles + else: + percentiles = [90.0, 50.0] if percentiles: above_plot = self.percentiles_style == "above_plot" below_line = self.percentiles_style == "below_line" @@ -242,7 +285,7 @@ def makePlot(self, data, plotInfo, **kwargs): if above_plot: texts = [] elif below_line: - offset = 0.1 * (xlims[1] - xlims[0]) + offset = self.label_shift * (xlims[1] - xlims[0]) else: raise RuntimeError(f"Unimplemented {self.percentiles_style=}") for pct in percentiles: @@ -260,13 +303,22 @@ def makePlot(self, data, plotInfo, **kwargs): if above_plot: texts.append(text) elif below_line: - axes_idx.text(mag_completeness - offset, pct, text, ha="right", va="top") + axes_idx.text( + mag_completeness + offset, + pct - 0.02, + text, + ha="right", + va="top", + fontsize=12, + ) if above_plot: texts = f"Thresholds: {'; '.join(texts)}" axes_idx.text(xlims[0], max_left, texts, ha="left", va="bottom") # Add useful information to the plot - addPlotInfo(fig, plotInfo) - fig.tight_layout() - fig.subplots_adjust(top=0.90) + if not self.publicationStyle: + addPlotInfo(fig, plotInfo) + if self.show_purity: + fig.tight_layout() + fig.subplots_adjust(top=0.90) return fig diff --git a/python/lsst/analysis/tools/actions/plot/plotUtils.py b/python/lsst/analysis/tools/actions/plot/plotUtils.py index 2af83fdc5..c3878bd8c 100644 --- a/python/lsst/analysis/tools/actions/plot/plotUtils.py +++ b/python/lsst/analysis/tools/actions/plot/plotUtils.py @@ -20,7 +20,7 @@ # along with this program. If not, see . from __future__ import annotations -__all__ = ("PanelConfig",) +__all__ = ("PanelConfig", "sortAllArrays") from typing import TYPE_CHECKING, Iterable, List, Mapping, Tuple diff --git a/python/lsst/analysis/tools/actions/plot/scatterplotWithTwoHists.py b/python/lsst/analysis/tools/actions/plot/scatterplotWithTwoHists.py index be5cb9e3f..6218f0290 100644 --- a/python/lsst/analysis/tools/actions/plot/scatterplotWithTwoHists.py +++ b/python/lsst/analysis/tools/actions/plot/scatterplotWithTwoHists.py @@ -23,6 +23,7 @@ __all__ = ("ScatterPlotStatsAction", "ScatterPlotWithTwoHists") +import math from typing import Mapping, NamedTuple, Optional, cast import matplotlib.colors @@ -44,6 +45,7 @@ from matplotlib.collections import PolyCollection from matplotlib.figure import Figure from matplotlib.path import Path +from matplotlib.ticker import LogFormatterMathtext, NullFormatter from mpl_toolkits.axes_grid1 import make_axes_locatable from ...interfaces import KeyedData, KeyedDataAction, KeyedDataSchema, PlotAction, Scalar, ScalarType, Vector @@ -165,6 +167,28 @@ class DataTypeDefaults(NamedTuple): colormap: matplotlib.colors.Colormap | None +class LogFormatterExponentSci(LogFormatterMathtext): + """ + Format values following scientific notation. + + Unlike the matplotlib LogFormatterExponent, this will print near-integer + coefficients with a base between 0 and 2 such as 500 as 500 (if base10) + or 5e2 otherwise. + """ + + def _non_decade_format(self, sign_string, base, fx, usetex): + """Return string for non-decade locations.""" + b = float(base) + exponent = math.floor(fx) + coeff = b ** (fx - exponent) + rounded = round(coeff) + if math.isclose(coeff, rounded): + if (base == "10") and (0 <= exponent <= 3): + return f"{sign_string}{rounded}{'0'*int(exponent)}" + coeff = rounded + return f"{sign_string}{coeff:1.1f}e{exponent}" + + class ScatterPlotWithTwoHists(PlotAction): """Makes a scatter plot of the data with a marginal histogram for each axis. @@ -201,6 +225,21 @@ class ScatterPlotWithTwoHists(PlotAction): doc="Add a summary plot to the figure?", default=True, ) + histMinimum = Field[float]( + doc="Minimum value for the histogram count axis", + default=0.3, + ) + xHistMaxLabels = Field[int]( + doc="Maximum number of labels for ticks on the x-axis marginal histogram", + default=3, + check=lambda x: x >= 2, + ) + yHistMaxLabels = Field[int]( + doc="Maximum number of labels for ticks on the y-axis marginal histogram", + default=3, + check=lambda x: x >= 2, + ) + suffix_x = Field[str](doc="Suffix for all x-axis action inputs", optional=True, default="") suffix_y = Field[str](doc="Suffix for all y-axis action inputs", optional=True, default="") suffix_stat = Field[str](doc="Suffix for all binned statistic action inputs", optional=True, default="") @@ -390,7 +429,15 @@ def makePlot( fig = addSummaryPlot(fig, gs[0, -1], sumStats, label) fig.canvas.draw() - fig.subplots_adjust(wspace=0.0, hspace=0.0, bottom=0.22, left=0.21) + # TODO: Check if these spacings can be defined less arbitrarily + fig.subplots_adjust( + wspace=0.0, + hspace=0.0, + bottom=0.13 if self.publicationStyle else 0.22, + left=0.18 if self.publicationStyle else 0.21, + right=0.95 if self.publicationStyle else None, + top=0.98 if self.publicationStyle else None, + ) if not self.publicationStyle: fig = addPlotInfo(fig, plotInfo) return fig @@ -655,8 +702,16 @@ def _scatterPlot( fig.text(xPos, 0.020, statText, bbox=bbox, transform=fig.transFigure, fontsize=6) if self.plot2DHist: + extent = [xLims[0], xLims[1], self.yLims[0], self.yLims[1]] if self.yLims else None histIm = ax.hexbin( - xs[inside], ys[inside], gridsize=75, cmap=cmap, mincnt=1, zorder=-3, edgecolors=None + xs[inside], + ys[inside], + gridsize=75, + extent=extent, + cmap=cmap, + mincnt=1, + zorder=-3, + edgecolors=None, ) else: ax.plot(xs[inside], ys[inside], ".", ms=3, alpha=0.2, mfc=color, mec=color, zorder=-1) @@ -775,7 +830,7 @@ def _scatterPlot( framealpha=0.9, edgecolor="k", borderpad=0.4, - handlelength=1, + handlelength=3, ) # Add axes labels @@ -831,12 +886,12 @@ def _makeTopHistogram( label=f"{config_datatype.suffix_stat} ({len(vector)})", ) topHist.axes.get_xaxis().set_visible(False) - topHist.set_ylabel("Count", fontsize=10) + topHist.set_ylabel("Count", fontsize=10 + 4 * self.publicationStyle) if not self.publicationStyle: topHist.legend(fontsize=6, framealpha=0.9, borderpad=0.4, loc="lower left", ncol=3, edgecolor="k") topHist.tick_params(labelsize=8) - # Side histogram + self._modifyHistogramTicks(topHist, do_x=False, max_labels=self.xHistMaxLabels) def _makeSideHistogram( self, @@ -916,7 +971,9 @@ def _makeSideHistogram( sideHist.axhline(0, color=kwargs["hlineColor"], ls=kwargs["hlineStyle"], alpha=0.7, zorder=-2) sideHist.axes.get_yaxis().set_visible(False) - sideHist.set_xlabel("Count", fontsize=10) + sideHist.set_xlabel("Count", fontsize=10 + 4 * self.publicationStyle) + self._modifyHistogramTicks(sideHist, do_x=True, max_labels=self.yHistMaxLabels) + if not self.publicationStyle: sideHist.tick_params(labelsize=8) if self.plot2DHist and histIm is not None: @@ -935,3 +992,37 @@ def _makeSideHistogram( fontsize=10, ) text.set_path_effects([pathEffects.Stroke(linewidth=3, foreground="w"), pathEffects.Normal()]) + + def _modifyHistogramTicks(self, histogram, do_x: bool, max_labels: int): + axis = histogram.get_xaxis() if do_x else histogram.get_yaxis() + limits = list(histogram.get_xlim() if do_x else histogram.get_ylim()) + get_ticks = histogram.get_xticks if do_x else histogram.get_yticks + ticks = get_ticks() + # Let the minimum be larger then specified if the histogram has large + # values everywhere, but cut it down a little so the lowest-valued bin + # is still easily visible + limits[0] = max(self.histMinimum, 0.9 * limits[0]) + # Round the upper limit to the nearest power of 10 + limits[1] = 10 ** (np.ceil(np.log10(limits[1]))) if (limits[1] > 0) else limits[1] + for minor in (False, True): + # Ignore ticks that are below the minimum value + valid = (ticks >= limits[0]) & (ticks <= limits[1]) + labels = [label for label, _valid in zip(axis.get_ticklabels(minor=minor), valid) if _valid] + if (n_labels := len(labels)) > max_labels: + labels_new = [""] * n_labels + # Skip the first label if we're not using minor axis labels + # This helps avoid overlap with the scatter plot labels + for idx_fill in np.round(np.linspace(1 - minor, n_labels - 1, max_labels)).astype(int): + labels_new[idx_fill] = labels[idx_fill] + axis.set_ticks(ticks[valid], labels_new) + # If there are enough major tick labels, disable minor tick labels + if len(labels) >= 2: + axis.set_minor_formatter(NullFormatter()) + break + else: + axis.set_minor_formatter( + LogFormatterExponentSci(minor_thresholds=(1, self.histMinimum / 10.0)) + ) + ticks = get_ticks(minor=True) + + (histogram.set_xlim if do_x else histogram.set_ylim)(limits) diff --git a/python/lsst/analysis/tools/actions/vector/selectors.py b/python/lsst/analysis/tools/actions/vector/selectors.py index 04d09a799..ad33415ac 100644 --- a/python/lsst/analysis/tools/actions/vector/selectors.py +++ b/python/lsst/analysis/tools/actions/vector/selectors.py @@ -25,6 +25,7 @@ "FlagSelector", "CoaddPlotFlagSelector", "RangeSelector", + "SetSelector", "SnSelector", "ExtendednessSelector", "SkyObjectSelector", @@ -262,6 +263,63 @@ def __call__(self, data: KeyedData, **kwargs) -> Vector: return cast(Vector, mask) +class SetSelector(SelectorBase): + """Selects rows with any number of column values within a given set. + + For example, given a set of patches (1, 2, 3), and a set of columns + (index_1, index_2), return all rows with either index_1 or index_2 + in the set (1, 2, 3). + + Notes + ----- + The values are given as floats for flexibility. Integers above + the floating point limit (2^53 + 1 = 9,007,199,254,740,993 for 64 bits) + will not compare exactly with their float representations. + """ + + vectorKeys = ListField[str]( + doc="Keys to select from data", + default=[], + listCheck=lambda x: (len(x) > 0) & (len(x) == len(set(x))), + ) + values = ListField[float]( + doc="The set of acceptable values", + default=[], + listCheck=lambda x: (len(x) > 0) & (len(x) == len(set(x))), + ) + + def getInputSchema(self) -> KeyedDataSchema: + yield from ((key, Vector) for key in self.vectorKeys) + + def __call__(self, data: KeyedData, **kwargs) -> Vector: + """Return a mask of rows with values in the specified set. + + Parameters + ---------- + data : `KeyedData` + + Returns + ------- + result : `Vector` + A mask of the rows with values in the specified set. + """ + mask = np.zeros_like(data[self.vectorKeys[0]], dtype=bool) + for key in self.vectorKeys: + values = cast(Vector, data[key]) + for compare in self.values: + mask |= values == compare + + return cast(Vector, mask) + + +class PatchSelector(SetSelector): + """Select rows within a set of patches.""" + + def setDefaults(self): + super().setDefaults() + self.vectorKeys = ["patch"] + + class SnSelector(SelectorBase): """Selects points that have S/N > threshold in the given flux type.""" diff --git a/python/lsst/analysis/tools/atools/diffMatched.py b/python/lsst/analysis/tools/atools/diffMatched.py index 9ad1a864d..9ab98d2f2 100644 --- a/python/lsst/analysis/tools/atools/diffMatched.py +++ b/python/lsst/analysis/tools/atools/diffMatched.py @@ -51,6 +51,7 @@ import lsst.pex.config as pexConfig from lsst.pex.config import DictField, Field from lsst.pex.config.configurableActions import ConfigurableActionField +from lsst.utils.plotting.publication_plots import galaxies_color, stars_color from ..actions.config import MagnitudeBinConfig from ..actions.keyedData import ( @@ -302,8 +303,8 @@ class MatchedRefCoaddDiffTool(MagnitudeXTool, MatchedRefCoaddTool): limits_diff_mag_mmag_zoom_default = (-50.0, 50.0) limits_diff_pos_mas_default = (-500, 500) limits_diff_pos_mas_zoom_default = (-10, 10) - limits_x_mag_default = (16.0, 31.0) - limits_x_mag_zoom_default = (16.0, 23.5) + limits_x_mag_default = (16.5, 29.0) + limits_x_mag_zoom_default = (16.5, 24.0) compute_chi = pexConfig.Field[bool]( default=False, @@ -660,6 +661,11 @@ def finalize(self): ) if self.make_plots: + overrides = {} + if name_type == self.type_galaxies: + overrides["color_counts"] = galaxies_color() + elif name_type == self.type_stars: + overrides["color_counts"] = stars_color() setattr( self.produce.plot.actions, object_class, @@ -1029,7 +1035,7 @@ def finalize(self): actionB=CosVector( actionA=MultiplyVector( actionA=ConstantValue(value=factor_cos), - actionB=LoadVector(vectorKey=self.coord_meas), + actionB=LoadVector(vectorKey=self.coord_ref_cos), ) ), ) diff --git a/tests/data/test_completenessPlot.png b/tests/data/test_completenessPlot.png index fc62185d4..460780cb9 100644 Binary files a/tests/data/test_completenessPlot.png and b/tests/data/test_completenessPlot.png differ diff --git a/tests/data/test_completenessPlot_lines/line_1.txt b/tests/data/test_completenessPlot_lines/line_1.txt index 34308af81..75a917900 100644 --- a/tests/data/test_completenessPlot_lines/line_1.txt +++ b/tests/data/test_completenessPlot_lines/line_1.txt @@ -1,95 +1,95 @@ -1.600000000000000000e+01 1.000000000000000000e+00 -1.610000000000000142e+01 1.000000000000000000e+00 -1.619999999999999574e+01 1.000000000000000000e+00 -1.629999999999999716e+01 1.000000000000000000e+00 -1.639999999999999858e+01 1.000000000000000000e+00 -1.650000000000000000e+01 1.000000000000000000e+00 -1.660000000000000142e+01 1.000000000000000000e+00 -1.669999999999999574e+01 1.000000000000000000e+00 -1.679999999999999716e+01 1.000000000000000000e+00 -1.689999999999999858e+01 1.000000000000000000e+00 -1.700000000000000000e+01 1.000000000000000000e+00 -1.710000000000000142e+01 1.000000000000000000e+00 -1.719999999999999574e+01 1.000000000000000000e+00 -1.729999999999999716e+01 1.000000000000000000e+00 -1.739999999999999858e+01 1.000000000000000000e+00 -1.750000000000000000e+01 1.000000000000000000e+00 -1.760000000000000142e+01 1.000000000000000000e+00 -1.769999999999999574e+01 1.000000000000000000e+00 -1.779999999999999716e+01 1.000000000000000000e+00 -1.789999999999999858e+01 1.000000000000000000e+00 -1.800000000000000000e+01 1.000000000000000000e+00 -1.810000000000000142e+01 1.000000000000000000e+00 -1.819999999999999574e+01 1.000000000000000000e+00 -1.829999999999999716e+01 1.000000000000000000e+00 -1.839999999999999858e+01 1.000000000000000000e+00 -1.850000000000000000e+01 1.000000000000000000e+00 -1.860000000000000142e+01 1.000000000000000000e+00 -1.869999999999999574e+01 1.000000000000000000e+00 -1.879999999999999716e+01 1.000000000000000000e+00 -1.889999999999999858e+01 1.000000000000000000e+00 -1.900000000000000000e+01 1.000000000000000000e+00 -1.910000000000000142e+01 1.000000000000000000e+00 -1.919999999999999574e+01 1.000000000000000000e+00 -1.929999999999999716e+01 1.000000000000000000e+00 -1.939999999999999858e+01 1.000000000000000000e+00 -1.950000000000000000e+01 1.000000000000000000e+00 -1.960000000000000142e+01 1.000000000000000000e+00 -1.969999999999999574e+01 1.000000000000000000e+00 -1.979999999999999716e+01 9.940476190476190688e-01 -1.989999999999999858e+01 9.945652173913043237e-01 -2.000000000000000000e+01 9.852216748768473087e-01 -2.010000000000000142e+01 9.864864864864865135e-01 -2.019999999999999574e+01 1.000000000000000000e+00 -2.029999999999999716e+01 9.962406015037593709e-01 -2.039999999999999858e+01 9.863013698630136439e-01 -2.050000000000000000e+01 9.844236760124610575e-01 -2.060000000000000142e+01 9.744318181818182323e-01 -2.069999999999999574e+01 9.610389610389610260e-01 -2.079999999999999716e+01 9.478672985781990690e-01 -2.089999999999999858e+01 9.504310344827586743e-01 -2.100000000000000000e+01 9.507874015748031260e-01 -2.110000000000000142e+01 9.317773788150808256e-01 -2.119999999999999574e+01 9.132569558101473195e-01 -2.129999999999999716e+01 8.955223880597015240e-01 -2.139999999999999858e+01 8.775510204081632404e-01 -2.150000000000000000e+01 8.608695652173913304e-01 -2.160000000000000142e+01 8.403171007927520142e-01 -2.169999999999999574e+01 8.233471074380165344e-01 -2.179999999999999716e+01 7.935909519321394656e-01 -2.189999999999999858e+01 7.809278350515463929e-01 -2.200000000000000000e+01 7.695924764890281766e-01 -2.210000000000000142e+01 7.383845604002858831e-01 -2.219999999999999574e+01 7.107491856677524700e-01 -2.229999999999999716e+01 6.890606420927467557e-01 -2.239999999999999858e+01 6.757049891540130027e-01 -2.250000000000000000e+01 6.604053386060306785e-01 -2.260000000000000142e+01 6.402164111812443936e-01 -2.269999999999999574e+01 6.069078947368421462e-01 -2.279999999999999716e+01 5.720180045011252767e-01 -2.289999999999999858e+01 5.533515731874144583e-01 -2.300000000000000000e+01 5.464753587024329118e-01 -2.310000000000000142e+01 5.219123505976095423e-01 -2.319999999999999574e+01 4.867669953295277741e-01 -2.329999999999999716e+01 4.574065309985801964e-01 -2.339999999999999858e+01 4.525248165731549643e-01 -2.350000000000000000e+01 4.469592599881913042e-01 -2.360000000000000142e+01 4.148267815472985176e-01 -2.369999999999999574e+01 3.947282252783235190e-01 -2.379999999999999716e+01 3.785276989696879091e-01 -2.389999999999999858e+01 3.642429193899782147e-01 -2.400000000000000000e+01 3.476965106171612807e-01 -2.410000000000000142e+01 3.299354400271831689e-01 -2.419999999999999574e+01 3.175619834710743938e-01 -2.429999999999999716e+01 2.987282147903909668e-01 -2.439999999999999858e+01 2.917525773195876471e-01 -2.450000000000000000e+01 2.810687979940448278e-01 -2.460000000000000142e+01 2.573429571928821380e-01 -2.469999999999999574e+01 2.432221063607925005e-01 -2.479999999999999716e+01 2.392557807763181221e-01 -2.489999999999999858e+01 2.386906115026142250e-01 -2.500000000000000000e+01 nan +1.610000000000000142e+01 2.000000000000000111e-01 +1.620000000000000284e+01 0.000000000000000000e+00 +1.629999999999999716e+01 1.666666666666666574e-01 +1.639999999999999858e+01 1.666666666666666574e-01 +1.650000000000000000e+01 0.000000000000000000e+00 +1.660000000000000142e+01 0.000000000000000000e+00 +1.670000000000000284e+01 2.222222222222222099e-01 +1.679999999999999716e+01 5.000000000000000000e-01 +1.689999999999999858e+01 4.545454545454545303e-01 +1.700000000000000000e+01 3.333333333333333148e-01 +1.710000000000000142e+01 1.666666666666666574e-01 +1.720000000000000284e+01 3.571428571428571508e-01 +1.729999999999999716e+01 4.375000000000000000e-01 +1.739999999999999858e+01 3.125000000000000000e-01 +1.750000000000000000e+01 2.777777777777777901e-01 +1.760000000000000142e+01 1.428571428571428492e-01 +1.770000000000000284e+01 2.727272727272727071e-01 +1.779999999999999716e+01 5.833333333333333703e-01 +1.789999999999999858e+01 5.555555555555555802e-01 +1.800000000000000000e+01 3.448275862068965747e-01 +1.810000000000000142e+01 4.062500000000000000e-01 +1.820000000000000284e+01 4.000000000000000222e-01 +1.829999999999999716e+01 3.589743589743589758e-01 +1.839999999999999858e+01 3.488372093023255904e-01 +1.850000000000000000e+01 3.695652173913043237e-01 +1.860000000000000142e+01 5.000000000000000000e-01 +1.870000000000000284e+01 4.642857142857143016e-01 +1.879999999999999716e+01 4.193548387096774355e-01 +1.889999999999999858e+01 5.373134328358208922e-01 +1.900000000000000000e+01 5.205479452054794232e-01 +1.910000000000000142e+01 4.500000000000000111e-01 +1.920000000000000284e+01 5.113636363636363535e-01 +1.929999999999999716e+01 5.876288659793814650e-01 +1.939999999999999858e+01 5.283018867924528239e-01 +1.950000000000000000e+01 5.000000000000000000e-01 +1.960000000000000142e+01 5.234375000000000000e-01 +1.970000000000000284e+01 5.357142857142856984e-01 +1.979999999999999716e+01 5.064935064935064402e-01 +1.989999999999999858e+01 4.285714285714285476e-01 +2.000000000000000000e+01 4.456521739130434590e-01 +2.010000000000000142e+01 4.433497536945812945e-01 +2.020000000000000284e+01 4.324324324324324564e-01 +2.029999999999999716e+01 4.032921810699588439e-01 +2.039999999999999858e+01 3.909774436090225347e-01 +2.050000000000000000e+01 3.801369863013698835e-01 +2.060000000000000142e+01 3.707165109034267769e-01 +2.070000000000000284e+01 3.920454545454545303e-01 +2.079999999999999716e+01 3.896103896103896291e-01 +2.089999999999999858e+01 3.554502369668246509e-01 +2.100000000000000000e+01 3.254310344827586188e-01 +2.110000000000000142e+01 3.031496062992126150e-01 +2.120000000000000284e+01 2.818671454219030537e-01 +2.129999999999999716e+01 2.651391162029460014e-01 +2.139999999999999858e+01 2.701492537313432973e-01 +2.150000000000000000e+01 2.612244897959183909e-01 +2.160000000000000142e+01 2.236024844720496951e-01 +2.170000000000000284e+01 1.970554926387315942e-01 +2.179999999999999716e+01 1.818181818181818232e-01 +2.189999999999999858e+01 1.649387370405278053e-01 +2.200000000000000000e+01 1.520618556701030799e-01 +2.210000000000000142e+01 1.434169278996865193e-01 +2.220000000000000284e+01 1.350964974982130085e-01 +2.229999999999999716e+01 1.237785016286644946e-01 +2.239999999999999858e+01 1.070154577883472014e-01 +2.250000000000000000e+01 9.381778741865509641e-02 +2.260000000000000142e+01 9.045971329708353548e-02 +2.270000000000000284e+01 9.197475202885482815e-02 +2.279999999999999716e+01 8.264802631578947734e-02 +2.289999999999999858e+01 7.014253563390847324e-02 +2.300000000000000000e+01 5.984952120383037200e-02 +2.310000000000000142e+01 6.207111665626949271e-02 +2.320000000000000284e+01 5.606146841206602338e-02 +2.329999999999999716e+01 4.125583809029579468e-02 +2.339999999999999858e+01 3.336488405111216055e-02 +2.350000000000000000e+01 3.042727665084160593e-02 +2.360000000000000142e+01 2.912812438496359055e-02 +2.370000000000000284e+01 2.189912044516244966e-02 +2.379999999999999716e+01 1.735428945645055634e-02 +2.389999999999999858e+01 1.657458563535911533e-02 +2.400000000000000000e+01 1.647603485838779885e-02 +2.410000000000000142e+01 1.328697379858437798e-02 +2.420000000000000284e+01 1.075999546947559171e-02 +2.429999999999999716e+01 1.022727272727272721e-02 +2.439999999999999858e+01 7.819123881300047568e-03 +2.450000000000000000e+01 6.872852233676975814e-03 +2.460000000000000142e+01 6.895470929321422665e-03 +2.470000000000000284e+01 5.788608590009290331e-03 +2.479999999999999716e+01 3.845151199165797781e-03 +2.489999999999999858e+01 3.566545800392320088e-03 +2.500000000000000000e+01 4.205501250284155758e-03 2.510000000000000142e+01 nan -2.519999999999999574e+01 nan +2.520000000000000284e+01 nan 2.529999999999999716e+01 nan 2.539999999999999858e+01 nan +2.550000000000000000e+01 nan diff --git a/tests/data/test_completenessPlot_lines/line_10.txt b/tests/data/test_completenessPlot_lines/line_10.txt index 4f71729ce..44d58b8ea 100644 --- a/tests/data/test_completenessPlot_lines/line_10.txt +++ b/tests/data/test_completenessPlot_lines/line_10.txt @@ -1,2 +1,95 @@ -2.187846143778017449e+01 0.000000000000000000e+00 -2.187846143778017449e+01 8.000000000000000444e-01 +1.610000000000000142e+01 2.000000000000000111e-01 +1.620000000000000284e+01 0.000000000000000000e+00 +1.629999999999999716e+01 1.666666666666666574e-01 +1.639999999999999858e+01 1.250000000000000000e-01 +1.650000000000000000e+01 0.000000000000000000e+00 +1.660000000000000142e+01 0.000000000000000000e+00 +1.670000000000000284e+01 2.222222222222222099e-01 +1.679999999999999716e+01 4.444444444444444198e-01 +1.689999999999999858e+01 4.545454545454545303e-01 +1.700000000000000000e+01 4.166666666666666852e-01 +1.710000000000000142e+01 1.666666666666666574e-01 +1.720000000000000284e+01 2.857142857142856984e-01 +1.729999999999999716e+01 4.375000000000000000e-01 +1.739999999999999858e+01 3.529411764705882582e-01 +1.750000000000000000e+01 2.777777777777777901e-01 +1.760000000000000142e+01 1.428571428571428492e-01 +1.770000000000000284e+01 2.727272727272727071e-01 +1.779999999999999716e+01 5.416666666666666297e-01 +1.789999999999999858e+01 5.000000000000000000e-01 +1.800000000000000000e+01 3.666666666666666408e-01 +1.810000000000000142e+01 4.062500000000000000e-01 +1.820000000000000284e+01 4.705882352941176405e-01 +1.829999999999999716e+01 3.714285714285714413e-01 +1.839999999999999858e+01 3.695652173913043237e-01 +1.850000000000000000e+01 4.230769230769230727e-01 +1.860000000000000142e+01 4.375000000000000000e-01 +1.870000000000000284e+01 4.210526315789473450e-01 +1.879999999999999716e+01 4.500000000000000111e-01 +1.889999999999999858e+01 5.238095238095238360e-01 +1.900000000000000000e+01 4.929577464788732488e-01 +1.910000000000000142e+01 4.457831325301204739e-01 +1.920000000000000284e+01 5.416666666666666297e-01 +1.929999999999999716e+01 6.145833333333333703e-01 +1.939999999999999858e+01 5.263157894736841813e-01 +1.950000000000000000e+01 4.821428571428571508e-01 +1.960000000000000142e+01 5.289855072463768293e-01 +1.970000000000000284e+01 5.000000000000000000e-01 +1.979999999999999716e+01 4.358974358974359031e-01 +1.989999999999999858e+01 4.545454545454545303e-01 +2.000000000000000000e+01 4.628571428571428559e-01 +2.010000000000000142e+01 4.428571428571428381e-01 +2.020000000000000284e+01 4.089068825910930904e-01 +2.029999999999999716e+01 3.896103896103896291e-01 +2.039999999999999858e+01 3.906250000000000000e-01 +2.050000000000000000e+01 4.261168384879724935e-01 +2.060000000000000142e+01 4.024390243902439268e-01 +2.070000000000000284e+01 3.486486486486486402e-01 +2.079999999999999716e+01 3.916256157635468194e-01 +2.089999999999999858e+01 3.644646924829157419e-01 +2.100000000000000000e+01 3.247863247863247982e-01 +2.110000000000000142e+01 3.249027237354085718e-01 +2.120000000000000284e+01 2.992831541218637925e-01 +2.129999999999999716e+01 2.669983416252073027e-01 +2.139999999999999858e+01 2.579666160849772294e-01 +2.150000000000000000e+01 2.310866574965612097e-01 +2.160000000000000142e+01 1.930870083432657813e-01 +2.170000000000000284e+01 1.923913043478260865e-01 +2.179999999999999716e+01 1.893004115226337436e-01 +2.189999999999999858e+01 1.692032229185317926e-01 +2.200000000000000000e+01 1.471758154335719992e-01 +2.210000000000000142e+01 1.366037735849056634e-01 +2.220000000000000284e+01 1.234979973297730266e-01 +2.229999999999999716e+01 1.171597633136094718e-01 +2.239999999999999858e+01 1.051167964404894350e-01 +2.250000000000000000e+01 9.307030854830551647e-02 +2.260000000000000142e+01 8.644222020018198227e-02 +2.270000000000000284e+01 7.933359777865926776e-02 +2.279999999999999716e+01 7.020007020007019982e-02 +2.289999999999999858e+01 6.628966383914546012e-02 +2.300000000000000000e+01 6.013109147905386365e-02 +2.310000000000000142e+01 5.181889557707406585e-02 +2.320000000000000284e+01 4.685687775458130533e-02 +2.329999999999999716e+01 3.976102183765966441e-02 +2.339999999999999858e+01 3.535629670129396968e-02 +2.350000000000000000e+01 3.117389186556259253e-02 +2.360000000000000142e+01 2.899328859060402649e-02 +2.370000000000000284e+01 2.434077079107505037e-02 +2.379999999999999716e+01 nan +2.389999999999999858e+01 nan +2.400000000000000000e+01 nan +2.410000000000000142e+01 nan +2.420000000000000284e+01 nan +2.429999999999999716e+01 nan +2.439999999999999858e+01 nan +2.450000000000000000e+01 nan +2.460000000000000142e+01 nan +2.470000000000000284e+01 nan +2.479999999999999716e+01 nan +2.489999999999999858e+01 nan +2.500000000000000000e+01 nan +2.510000000000000142e+01 nan +2.520000000000000284e+01 nan +2.529999999999999716e+01 nan +2.539999999999999858e+01 nan +2.550000000000000000e+01 nan diff --git a/tests/data/test_completenessPlot_lines/line_11.txt b/tests/data/test_completenessPlot_lines/line_11.txt index 07477aefa..ab20e40e6 100644 --- a/tests/data/test_completenessPlot_lines/line_11.txt +++ b/tests/data/test_completenessPlot_lines/line_11.txt @@ -1,2 +1,95 @@ -1.600000000000000000e+01 5.000000000000000000e-01 -2.326234778516383273e+01 5.000000000000000000e-01 +1.610000000000000142e+01 8.000000000000000444e-01 +1.620000000000000284e+01 1.000000000000000000e+00 +1.629999999999999716e+01 8.333333333333333703e-01 +1.639999999999999858e+01 8.750000000000000000e-01 +1.650000000000000000e+01 1.000000000000000000e+00 +1.660000000000000142e+01 1.000000000000000000e+00 +1.670000000000000284e+01 7.777777777777777901e-01 +1.679999999999999716e+01 5.555555555555555802e-01 +1.689999999999999858e+01 5.454545454545454142e-01 +1.700000000000000000e+01 5.833333333333333703e-01 +1.710000000000000142e+01 8.333333333333333703e-01 +1.720000000000000284e+01 7.142857142857143016e-01 +1.729999999999999716e+01 5.625000000000000000e-01 +1.739999999999999858e+01 6.470588235294117974e-01 +1.750000000000000000e+01 7.222222222222222099e-01 +1.760000000000000142e+01 8.571428571428570953e-01 +1.770000000000000284e+01 7.272727272727272929e-01 +1.779999999999999716e+01 4.583333333333333148e-01 +1.789999999999999858e+01 5.000000000000000000e-01 +1.800000000000000000e+01 6.333333333333333037e-01 +1.810000000000000142e+01 5.937500000000000000e-01 +1.820000000000000284e+01 5.294117647058823595e-01 +1.829999999999999716e+01 6.285714285714285587e-01 +1.839999999999999858e+01 6.304347826086956763e-01 +1.850000000000000000e+01 5.769230769230768718e-01 +1.860000000000000142e+01 5.625000000000000000e-01 +1.870000000000000284e+01 5.789473684210526550e-01 +1.879999999999999716e+01 5.500000000000000444e-01 +1.889999999999999858e+01 4.761904761904761640e-01 +1.900000000000000000e+01 5.070422535211267512e-01 +1.910000000000000142e+01 5.542168674698795261e-01 +1.920000000000000284e+01 4.583333333333333148e-01 +1.929999999999999716e+01 3.854166666666666852e-01 +1.939999999999999858e+01 4.736842105263157632e-01 +1.950000000000000000e+01 5.178571428571429047e-01 +1.960000000000000142e+01 4.710144927536231707e-01 +1.970000000000000284e+01 5.000000000000000000e-01 +1.979999999999999716e+01 5.641025641025640969e-01 +1.989999999999999858e+01 5.397727272727272929e-01 +2.000000000000000000e+01 5.314285714285714723e-01 +2.010000000000000142e+01 5.476190476190476719e-01 +2.020000000000000284e+01 5.829959514170039991e-01 +2.029999999999999716e+01 6.060606060606060774e-01 +2.039999999999999858e+01 6.054687500000000000e-01 +2.050000000000000000e+01 5.635738831615120237e-01 +2.060000000000000142e+01 5.853658536585365502e-01 +2.070000000000000284e+01 6.243243243243242757e-01 +2.079999999999999716e+01 5.714285714285713969e-01 +2.089999999999999858e+01 5.990888382687926672e-01 +2.100000000000000000e+01 6.132478632478632896e-01 +2.110000000000000142e+01 6.147859922178988690e-01 +2.120000000000000284e+01 6.451612903225806273e-01 +2.129999999999999716e+01 6.484245439469320527e-01 +2.139999999999999858e+01 6.358118361153262121e-01 +2.150000000000000000e+01 6.437414030261348064e-01 +2.160000000000000142e+01 6.734207389749702344e-01 +2.170000000000000284e+01 6.684782608695651884e-01 +2.179999999999999716e+01 6.430041152263374915e-01 +2.189999999999999858e+01 6.347358997314234141e-01 +2.200000000000000000e+01 6.364359586316626904e-01 +2.210000000000000142e+01 6.226415094339622369e-01 +2.220000000000000284e+01 6.088117489986648589e-01 +2.229999999999999716e+01 6.118343195266272572e-01 +2.239999999999999858e+01 5.906562847608454181e-01 +2.250000000000000000e+01 5.766312594840667938e-01 +2.260000000000000142e+01 5.618744313011828639e-01 +2.270000000000000284e+01 5.474018246727488934e-01 +2.279999999999999716e+01 5.300105300105300010e-01 +2.289999999999999858e+01 5.108388312912346407e-01 +2.300000000000000000e+01 4.927329723567968056e-01 +2.310000000000000142e+01 4.647997906307249627e-01 +2.320000000000000284e+01 4.562746462537694003e-01 +2.329999999999999716e+01 4.287185826122785204e-01 +2.339999999999999858e+01 3.942044833242208668e-01 +2.350000000000000000e+01 3.872381880175352897e-01 +2.360000000000000142e+01 3.844295302013422955e-01 +2.370000000000000284e+01 3.529411764705882582e-01 +2.379999999999999716e+01 nan +2.389999999999999858e+01 nan +2.400000000000000000e+01 nan +2.410000000000000142e+01 nan +2.420000000000000284e+01 nan +2.429999999999999716e+01 nan +2.439999999999999858e+01 nan +2.450000000000000000e+01 nan +2.460000000000000142e+01 nan +2.470000000000000284e+01 nan +2.479999999999999716e+01 nan +2.489999999999999858e+01 nan +2.500000000000000000e+01 nan +2.510000000000000142e+01 nan +2.520000000000000284e+01 nan +2.529999999999999716e+01 nan +2.539999999999999858e+01 nan +2.550000000000000000e+01 nan diff --git a/tests/data/test_completenessPlot_lines/line_12.txt b/tests/data/test_completenessPlot_lines/line_12.txt index 037382a79..af60e8306 100644 --- a/tests/data/test_completenessPlot_lines/line_12.txt +++ b/tests/data/test_completenessPlot_lines/line_12.txt @@ -1,2 +1,97 @@ -2.326234778516383273e+01 0.000000000000000000e+00 -2.326234778516383273e+01 5.000000000000000000e-01 +1.590000000000000213e+01 0.000000000000000000e+00 +1.610000000000000142e+01 2.500000000000000000e+01 +1.620000000000000284e+01 3.000000000000000000e+01 +1.629999999999999716e+01 3.000000000000000000e+01 +1.639999999999999858e+01 3.000000000000000000e+01 +1.650000000000000000e+01 3.500000000000000000e+01 +1.660000000000000142e+01 4.000000000000000000e+01 +1.670000000000000284e+01 4.500000000000000000e+01 +1.679999999999999716e+01 5.000000000000000000e+01 +1.689999999999999858e+01 5.500000000000000000e+01 +1.700000000000000000e+01 6.000000000000000000e+01 +1.710000000000000142e+01 6.000000000000000000e+01 +1.720000000000000284e+01 7.000000000000000000e+01 +1.729999999999999716e+01 8.000000000000000000e+01 +1.739999999999999858e+01 8.000000000000000000e+01 +1.750000000000000000e+01 9.000000000000000000e+01 +1.760000000000000142e+01 1.050000000000000000e+02 +1.770000000000000284e+01 1.100000000000000000e+02 +1.779999999999999716e+01 1.200000000000000000e+02 +1.789999999999999858e+01 1.350000000000000000e+02 +1.800000000000000000e+01 1.450000000000000000e+02 +1.810000000000000142e+01 1.600000000000000000e+02 +1.820000000000000284e+01 1.750000000000000000e+02 +1.829999999999999716e+01 1.950000000000000000e+02 +1.839999999999999858e+01 2.150000000000000000e+02 +1.850000000000000000e+01 2.300000000000000000e+02 +1.860000000000000142e+01 2.500000000000000000e+02 +1.870000000000000284e+01 2.800000000000000000e+02 +1.879999999999999716e+01 3.100000000000000000e+02 +1.889999999999999858e+01 3.350000000000000000e+02 +1.900000000000000000e+01 3.650000000000000000e+02 +1.910000000000000142e+01 4.000000000000000000e+02 +1.920000000000000284e+01 4.400000000000000000e+02 +1.929999999999999716e+01 4.850000000000000000e+02 +1.939999999999999858e+01 5.300000000000000000e+02 +1.950000000000000000e+01 5.800000000000000000e+02 +1.960000000000000142e+01 6.400000000000000000e+02 +1.970000000000000284e+01 7.000000000000000000e+02 +1.979999999999999716e+01 7.700000000000000000e+02 +1.989999999999999858e+01 8.400000000000000000e+02 +2.000000000000000000e+01 9.200000000000000000e+02 +2.010000000000000142e+01 1.015000000000000000e+03 +2.020000000000000284e+01 1.110000000000000000e+03 +2.029999999999999716e+01 1.215000000000000000e+03 +2.039999999999999858e+01 1.330000000000000000e+03 +2.050000000000000000e+01 1.460000000000000000e+03 +2.060000000000000142e+01 1.605000000000000000e+03 +2.070000000000000284e+01 1.760000000000000000e+03 +2.079999999999999716e+01 1.925000000000000000e+03 +2.089999999999999858e+01 2.110000000000000000e+03 +2.100000000000000000e+01 2.320000000000000000e+03 +2.110000000000000142e+01 2.540000000000000000e+03 +2.120000000000000284e+01 2.785000000000000000e+03 +2.129999999999999716e+01 3.055000000000000000e+03 +2.139999999999999858e+01 3.350000000000000000e+03 +2.150000000000000000e+01 3.675000000000000000e+03 +2.160000000000000142e+01 4.025000000000000000e+03 +2.170000000000000284e+01 4.415000000000000000e+03 +2.179999999999999716e+01 4.840000000000000000e+03 +2.189999999999999858e+01 5.305000000000000000e+03 +2.200000000000000000e+01 5.820000000000000000e+03 +2.210000000000000142e+01 6.380000000000000000e+03 +2.220000000000000284e+01 6.995000000000000000e+03 +2.229999999999999716e+01 7.675000000000000000e+03 +2.239999999999999858e+01 8.410000000000000000e+03 +2.250000000000000000e+01 9.220000000000000000e+03 +2.260000000000000142e+01 1.011500000000000000e+04 +2.270000000000000284e+01 1.109000000000000000e+04 +2.279999999999999716e+01 1.216000000000000000e+04 +2.289999999999999858e+01 1.333000000000000000e+04 +2.300000000000000000e+01 1.462000000000000000e+04 +2.310000000000000142e+01 1.603000000000000000e+04 +2.320000000000000284e+01 1.757000000000000000e+04 +2.329999999999999716e+01 1.927000000000000000e+04 +2.339999999999999858e+01 2.113000000000000000e+04 +2.350000000000000000e+01 2.317000000000000000e+04 +2.360000000000000142e+01 2.540500000000000000e+04 +2.370000000000000284e+01 2.785500000000000000e+04 +2.379999999999999716e+01 3.054000000000000000e+04 +2.389999999999999858e+01 3.348500000000000000e+04 +2.400000000000000000e+01 3.672000000000000000e+04 +2.410000000000000142e+01 4.026500000000000000e+04 +2.420000000000000284e+01 4.414500000000000000e+04 +2.429999999999999716e+01 4.840000000000000000e+04 +2.439999999999999858e+01 5.307500000000000000e+04 +2.450000000000000000e+01 5.820000000000000000e+04 +2.460000000000000142e+01 6.381000000000000000e+04 +2.470000000000000284e+01 6.996500000000000000e+04 +2.479999999999999716e+01 7.672000000000000000e+04 +2.489999999999999858e+01 8.411500000000000000e+04 +2.500000000000000000e+01 4.399000000000000000e+04 +2.510000000000000142e+01 0.000000000000000000e+00 +2.520000000000000284e+01 0.000000000000000000e+00 +2.529999999999999716e+01 0.000000000000000000e+00 +2.539999999999999858e+01 0.000000000000000000e+00 +2.550000000000000000e+01 0.000000000000000000e+00 +2.569999999999999929e+01 0.000000000000000000e+00 diff --git a/tests/data/test_completenessPlot_lines/line_13.txt b/tests/data/test_completenessPlot_lines/line_13.txt index ab8b229bd..575275601 100644 --- a/tests/data/test_completenessPlot_lines/line_13.txt +++ b/tests/data/test_completenessPlot_lines/line_13.txt @@ -1,2 +1,97 @@ -1.600000000000000000e+01 2.000000000000000111e-01 -2.500000000000000000e+01 2.000000000000000111e-01 +1.590000000000000213e+01 0.000000000000000000e+00 +1.610000000000000142e+01 2.500000000000000000e+01 +1.620000000000000284e+01 2.500000000000000000e+01 +1.629999999999999716e+01 3.000000000000000000e+01 +1.639999999999999858e+01 4.000000000000000000e+01 +1.650000000000000000e+01 3.500000000000000000e+01 +1.660000000000000142e+01 3.500000000000000000e+01 +1.670000000000000284e+01 4.500000000000000000e+01 +1.679999999999999716e+01 4.500000000000000000e+01 +1.689999999999999858e+01 5.500000000000000000e+01 +1.700000000000000000e+01 6.000000000000000000e+01 +1.710000000000000142e+01 6.000000000000000000e+01 +1.720000000000000284e+01 7.000000000000000000e+01 +1.729999999999999716e+01 8.000000000000000000e+01 +1.739999999999999858e+01 8.500000000000000000e+01 +1.750000000000000000e+01 9.000000000000000000e+01 +1.760000000000000142e+01 1.050000000000000000e+02 +1.770000000000000284e+01 1.100000000000000000e+02 +1.779999999999999716e+01 1.200000000000000000e+02 +1.789999999999999858e+01 1.400000000000000000e+02 +1.800000000000000000e+01 1.500000000000000000e+02 +1.810000000000000142e+01 1.600000000000000000e+02 +1.820000000000000284e+01 1.700000000000000000e+02 +1.829999999999999716e+01 1.750000000000000000e+02 +1.839999999999999858e+01 2.300000000000000000e+02 +1.850000000000000000e+01 2.600000000000000000e+02 +1.860000000000000142e+01 2.400000000000000000e+02 +1.870000000000000284e+01 2.850000000000000000e+02 +1.879999999999999716e+01 3.000000000000000000e+02 +1.889999999999999858e+01 3.150000000000000000e+02 +1.900000000000000000e+01 3.550000000000000000e+02 +1.910000000000000142e+01 4.150000000000000000e+02 +1.920000000000000284e+01 4.800000000000000000e+02 +1.929999999999999716e+01 4.800000000000000000e+02 +1.939999999999999858e+01 4.750000000000000000e+02 +1.950000000000000000e+01 5.600000000000000000e+02 +1.960000000000000142e+01 6.900000000000000000e+02 +1.970000000000000284e+01 7.400000000000000000e+02 +1.979999999999999716e+01 7.800000000000000000e+02 +1.989999999999999858e+01 8.800000000000000000e+02 +2.000000000000000000e+01 8.750000000000000000e+02 +2.010000000000000142e+01 1.050000000000000000e+03 +2.020000000000000284e+01 1.235000000000000000e+03 +2.029999999999999716e+01 1.155000000000000000e+03 +2.039999999999999858e+01 1.280000000000000000e+03 +2.050000000000000000e+01 1.455000000000000000e+03 +2.060000000000000142e+01 1.640000000000000000e+03 +2.070000000000000284e+01 1.850000000000000000e+03 +2.079999999999999716e+01 2.030000000000000000e+03 +2.089999999999999858e+01 2.195000000000000000e+03 +2.100000000000000000e+01 2.340000000000000000e+03 +2.110000000000000142e+01 2.570000000000000000e+03 +2.120000000000000284e+01 2.790000000000000000e+03 +2.129999999999999716e+01 3.015000000000000000e+03 +2.139999999999999858e+01 3.295000000000000000e+03 +2.150000000000000000e+01 3.635000000000000000e+03 +2.160000000000000142e+01 4.195000000000000000e+03 +2.170000000000000284e+01 4.600000000000000000e+03 +2.179999999999999716e+01 4.860000000000000000e+03 +2.189999999999999858e+01 5.585000000000000000e+03 +2.200000000000000000e+01 6.285000000000000000e+03 +2.210000000000000142e+01 6.625000000000000000e+03 +2.220000000000000284e+01 7.490000000000000000e+03 +2.229999999999999716e+01 8.450000000000000000e+03 +2.239999999999999858e+01 8.990000000000000000e+03 +2.250000000000000000e+01 9.885000000000000000e+03 +2.260000000000000142e+01 1.099000000000000000e+04 +2.270000000000000284e+01 1.260500000000000000e+04 +2.279999999999999716e+01 1.424500000000000000e+04 +2.289999999999999858e+01 1.591500000000000000e+04 +2.300000000000000000e+01 1.754500000000000000e+04 +2.310000000000000142e+01 1.910500000000000000e+04 +2.320000000000000284e+01 2.155500000000000000e+04 +2.329999999999999716e+01 2.427000000000000000e+04 +2.339999999999999858e+01 2.743500000000000000e+04 +2.350000000000000000e+01 3.079500000000000000e+04 +2.360000000000000142e+01 1.862500000000000000e+04 +2.370000000000000284e+01 2.465000000000000000e+03 +2.379999999999999716e+01 0.000000000000000000e+00 +2.389999999999999858e+01 0.000000000000000000e+00 +2.400000000000000000e+01 0.000000000000000000e+00 +2.410000000000000142e+01 0.000000000000000000e+00 +2.420000000000000284e+01 0.000000000000000000e+00 +2.429999999999999716e+01 0.000000000000000000e+00 +2.439999999999999858e+01 0.000000000000000000e+00 +2.450000000000000000e+01 0.000000000000000000e+00 +2.460000000000000142e+01 0.000000000000000000e+00 +2.470000000000000284e+01 0.000000000000000000e+00 +2.479999999999999716e+01 0.000000000000000000e+00 +2.489999999999999858e+01 0.000000000000000000e+00 +2.500000000000000000e+01 0.000000000000000000e+00 +2.510000000000000142e+01 0.000000000000000000e+00 +2.520000000000000284e+01 0.000000000000000000e+00 +2.529999999999999716e+01 0.000000000000000000e+00 +2.539999999999999858e+01 0.000000000000000000e+00 +2.550000000000000000e+01 0.000000000000000000e+00 +2.569999999999999929e+01 0.000000000000000000e+00 diff --git a/tests/data/test_completenessPlot_lines/line_2.txt b/tests/data/test_completenessPlot_lines/line_2.txt index 2f9d450be..d63100a5b 100644 --- a/tests/data/test_completenessPlot_lines/line_2.txt +++ b/tests/data/test_completenessPlot_lines/line_2.txt @@ -1,95 +1,95 @@ +1.610000000000000142e+01 8.000000000000000444e-01 1.620000000000000284e+01 1.000000000000000000e+00 -1.630000000000000426e+01 1.000000000000000000e+00 -1.639999999999999858e+01 1.000000000000000000e+00 +1.629999999999999716e+01 8.333333333333333703e-01 +1.639999999999999858e+01 8.333333333333333703e-01 1.650000000000000000e+01 1.000000000000000000e+00 1.660000000000000142e+01 1.000000000000000000e+00 -1.670000000000000284e+01 1.000000000000000000e+00 -1.680000000000000426e+01 1.000000000000000000e+00 -1.689999999999999858e+01 1.000000000000000000e+00 -1.700000000000000000e+01 1.000000000000000000e+00 -1.710000000000000142e+01 1.000000000000000000e+00 -1.720000000000000284e+01 1.000000000000000000e+00 -1.730000000000000426e+01 1.000000000000000000e+00 -1.739999999999999858e+01 1.000000000000000000e+00 -1.750000000000000000e+01 1.000000000000000000e+00 -1.760000000000000142e+01 1.000000000000000000e+00 -1.770000000000000284e+01 1.000000000000000000e+00 -1.780000000000000426e+01 1.000000000000000000e+00 -1.789999999999999858e+01 1.000000000000000000e+00 -1.800000000000000000e+01 1.000000000000000000e+00 -1.810000000000000142e+01 1.000000000000000000e+00 -1.820000000000000284e+01 1.000000000000000000e+00 -1.830000000000000426e+01 1.000000000000000000e+00 -1.839999999999999858e+01 1.000000000000000000e+00 -1.850000000000000000e+01 1.000000000000000000e+00 -1.860000000000000142e+01 1.000000000000000000e+00 -1.870000000000000284e+01 1.000000000000000000e+00 -1.880000000000000426e+01 1.000000000000000000e+00 -1.889999999999999858e+01 1.000000000000000000e+00 -1.900000000000000000e+01 1.000000000000000000e+00 -1.910000000000000142e+01 1.000000000000000000e+00 -1.920000000000000284e+01 1.000000000000000000e+00 -1.930000000000000426e+01 1.000000000000000000e+00 -1.939999999999999858e+01 1.000000000000000000e+00 -1.950000000000000000e+01 1.000000000000000000e+00 -1.960000000000000142e+01 1.000000000000000000e+00 -1.970000000000000284e+01 1.000000000000000000e+00 -1.980000000000000426e+01 1.000000000000000000e+00 -1.989999999999999858e+01 1.000000000000000000e+00 -2.000000000000000000e+01 9.940476190476190688e-01 -2.010000000000000142e+01 9.945652173913043237e-01 -2.020000000000000284e+01 9.852216748768473087e-01 -2.030000000000000426e+01 9.864864864864865135e-01 -2.039999999999999858e+01 1.000000000000000000e+00 -2.050000000000000000e+01 9.962406015037593709e-01 -2.060000000000000142e+01 9.863013698630136439e-01 -2.070000000000000284e+01 9.844236760124610575e-01 -2.080000000000000426e+01 9.744318181818182323e-01 -2.089999999999999858e+01 9.610389610389610260e-01 -2.100000000000000000e+01 9.478672985781990690e-01 -2.110000000000000142e+01 9.504310344827586743e-01 -2.120000000000000284e+01 9.507874015748031260e-01 -2.130000000000000426e+01 9.317773788150808256e-01 -2.139999999999999858e+01 9.132569558101473195e-01 -2.150000000000000000e+01 8.955223880597015240e-01 -2.160000000000000142e+01 8.775510204081632404e-01 -2.170000000000000284e+01 8.608695652173913304e-01 -2.180000000000000426e+01 8.403171007927520142e-01 -2.189999999999999858e+01 8.233471074380165344e-01 -2.200000000000000000e+01 7.935909519321394656e-01 -2.210000000000000142e+01 7.809278350515463929e-01 -2.220000000000000284e+01 7.695924764890281766e-01 -2.230000000000000426e+01 7.383845604002858831e-01 -2.239999999999999858e+01 7.107491856677524700e-01 -2.250000000000000000e+01 6.890606420927467557e-01 -2.260000000000000142e+01 6.757049891540130027e-01 -2.270000000000000284e+01 6.604053386060306785e-01 -2.280000000000000426e+01 6.402164111812443936e-01 -2.289999999999999858e+01 6.069078947368421462e-01 -2.300000000000000000e+01 5.720180045011252767e-01 -2.310000000000000142e+01 5.533515731874144583e-01 -2.320000000000000284e+01 5.464753587024329118e-01 -2.330000000000000426e+01 5.219123505976095423e-01 -2.339999999999999858e+01 4.867669953295277741e-01 -2.350000000000000000e+01 4.574065309985801964e-01 -2.360000000000000142e+01 4.525248165731549643e-01 -2.370000000000000284e+01 4.469592599881913042e-01 -2.380000000000000426e+01 4.148267815472985176e-01 -2.389999999999999858e+01 3.947282252783235190e-01 -2.400000000000000000e+01 3.785276989696879091e-01 -2.410000000000000142e+01 3.642429193899782147e-01 -2.420000000000000284e+01 3.476965106171612807e-01 -2.430000000000000426e+01 3.299354400271831689e-01 -2.439999999999999858e+01 3.175619834710743938e-01 -2.450000000000000000e+01 2.987282147903909668e-01 -2.460000000000000142e+01 2.917525773195876471e-01 -2.470000000000000284e+01 2.810687979940448278e-01 -2.480000000000000426e+01 2.573429571928821380e-01 -2.489999999999999858e+01 2.432221063607925005e-01 -2.500000000000000000e+01 2.392557807763181221e-01 -2.510000000000000142e+01 2.386906115026142250e-01 +1.670000000000000284e+01 7.777777777777777901e-01 +1.679999999999999716e+01 5.000000000000000000e-01 +1.689999999999999858e+01 5.454545454545454142e-01 +1.700000000000000000e+01 6.666666666666666297e-01 +1.710000000000000142e+01 8.333333333333333703e-01 +1.720000000000000284e+01 6.428571428571429047e-01 +1.729999999999999716e+01 5.625000000000000000e-01 +1.739999999999999858e+01 6.875000000000000000e-01 +1.750000000000000000e+01 7.222222222222222099e-01 +1.760000000000000142e+01 8.571428571428570953e-01 +1.770000000000000284e+01 7.272727272727272929e-01 +1.779999999999999716e+01 4.166666666666666852e-01 +1.789999999999999858e+01 4.444444444444444198e-01 +1.800000000000000000e+01 6.551724137931034253e-01 +1.810000000000000142e+01 5.937500000000000000e-01 +1.820000000000000284e+01 5.999999999999999778e-01 +1.829999999999999716e+01 6.410256410256410797e-01 +1.839999999999999858e+01 6.511627906976744651e-01 +1.850000000000000000e+01 6.304347826086956763e-01 +1.860000000000000142e+01 5.000000000000000000e-01 +1.870000000000000284e+01 5.357142857142856984e-01 +1.879999999999999716e+01 5.806451612903226200e-01 +1.889999999999999858e+01 4.626865671641791078e-01 +1.900000000000000000e+01 4.794520547945205213e-01 +1.910000000000000142e+01 5.500000000000000444e-01 +1.920000000000000284e+01 4.886363636363636465e-01 +1.929999999999999716e+01 4.123711340206185350e-01 +1.939999999999999858e+01 4.716981132075471761e-01 +1.950000000000000000e+01 5.000000000000000000e-01 +1.960000000000000142e+01 4.765625000000000000e-01 +1.970000000000000284e+01 4.642857142857143016e-01 +1.979999999999999716e+01 4.935064935064935043e-01 +1.989999999999999858e+01 5.654761904761904656e-01 +2.000000000000000000e+01 5.489130434782608647e-01 +2.010000000000000142e+01 5.418719211822660142e-01 +2.020000000000000284e+01 5.540540540540540571e-01 +2.029999999999999716e+01 5.967078189300411006e-01 +2.039999999999999858e+01 6.052631578947368363e-01 +2.050000000000000000e+01 6.061643835616438158e-01 +2.060000000000000142e+01 6.137071651090342250e-01 +2.070000000000000284e+01 5.823863636363636465e-01 +2.079999999999999716e+01 5.714285714285713969e-01 +2.089999999999999858e+01 5.924170616113744181e-01 +2.100000000000000000e+01 6.250000000000000000e-01 +2.110000000000000142e+01 6.476377952755905110e-01 +2.120000000000000284e+01 6.499102333931777720e-01 +2.129999999999999716e+01 6.481178396072012626e-01 +2.139999999999999858e+01 6.253731343283581712e-01 +2.150000000000000000e+01 6.163265306122448495e-01 +2.160000000000000142e+01 6.372670807453416630e-01 +2.170000000000000284e+01 6.432616081540203368e-01 +2.179999999999999716e+01 6.415289256198346557e-01 +2.189999999999999858e+01 6.286522148916117159e-01 +2.200000000000000000e+01 6.288659793814432852e-01 +2.210000000000000142e+01 6.261755485893416573e-01 +2.220000000000000284e+01 6.032880629020729302e-01 +2.229999999999999716e+01 5.869706840390879199e-01 +2.239999999999999858e+01 5.820451843043995543e-01 +2.250000000000000000e+01 5.818872017353579063e-01 +2.260000000000000142e+01 5.699456253089471014e-01 +2.270000000000000284e+01 5.482416591523895377e-01 +2.279999999999999716e+01 5.242598684210526550e-01 +2.289999999999999858e+01 5.018754688672167896e-01 +2.300000000000000000e+01 4.935020519835841557e-01 +2.310000000000000142e+01 4.844042420461634468e-01 +2.320000000000000284e+01 4.658508821855435467e-01 +2.329999999999999716e+01 4.455111572392319585e-01 +2.339999999999999858e+01 4.240416469474680428e-01 +2.350000000000000000e+01 4.220975399223133584e-01 +2.360000000000000142e+01 4.178311356032277102e-01 +2.370000000000000284e+01 3.929276611021360610e-01 +2.379999999999999716e+01 3.773739358218729523e-01 +2.389999999999999858e+01 3.619531133343287799e-01 +2.400000000000000000e+01 3.477668845315904367e-01 +2.410000000000000142e+01 3.344095368185769357e-01 +2.420000000000000284e+01 3.191754445577075772e-01 +2.429999999999999716e+01 3.073347107438016423e-01 +2.439999999999999858e+01 2.909090909090908950e-01 +2.450000000000000000e+01 2.848797250859106400e-01 +2.460000000000000142e+01 2.741733270647234155e-01 +2.470000000000000284e+01 2.515543486028728459e-01 +2.479999999999999716e+01 2.393769551616266866e-01 +2.489999999999999858e+01 2.356892349759258098e-01 +2.500000000000000000e+01 2.344851102523300701e-01 +2.510000000000000142e+01 nan 2.520000000000000284e+01 nan -2.530000000000000426e+01 nan +2.529999999999999716e+01 nan 2.539999999999999858e+01 nan 2.550000000000000000e+01 nan -2.560000000000000142e+01 nan diff --git a/tests/data/test_completenessPlot_lines/line_3.txt b/tests/data/test_completenessPlot_lines/line_3.txt index 72c3710a7..5ab0bcf6e 100644 --- a/tests/data/test_completenessPlot_lines/line_3.txt +++ b/tests/data/test_completenessPlot_lines/line_3.txt @@ -1,95 +1,2 @@ -1.610000000000000142e+01 5.917517095361368717e-01 -1.620000000000000284e+01 6.220355269907728024e-01 -1.629999999999999716e+01 6.220355269907728024e-01 -1.639999999999999858e+01 6.666666666666667407e-01 -1.650000000000000000e+01 6.464466094067262691e-01 -1.660000000000000142e+01 6.666666666666667407e-01 -1.670000000000000284e+01 6.837722339831620033e-01 -1.679999999999999716e+01 6.984886554222363708e-01 -1.689999999999999858e+01 7.113248654051871345e-01 -1.700000000000000000e+01 7.327387580875756035e-01 -1.710000000000000142e+01 7.226499018873854263e-01 -1.720000000000000284e+01 7.500000000000000000e-01 -1.729999999999999716e+01 7.574643749636670309e-01 -1.739999999999999858e+01 7.705842661294382001e-01 -1.750000000000000000e+01 7.705842661294382001e-01 -1.760000000000000142e+01 7.958758547680684359e-01 -1.770000000000000284e+01 7.958758547680684359e-01 -1.779999999999999716e+01 8.075499102701246823e-01 -1.789999999999999858e+01 8.203946979732250622e-01 -1.800000000000000000e+01 8.309691490542967518e-01 -1.810000000000000142e+01 8.356010126946427086e-01 -1.820000000000000284e+01 8.456966500379080598e-01 -1.829999999999999716e+01 8.509288015000140426e-01 -1.839999999999999858e+01 8.639172365120456609e-01 -1.850000000000000000e+01 8.698110890191761424e-01 -1.860000000000000142e+01 8.698110890191761424e-01 -1.870000000000000284e+01 8.778305556436947210e-01 -1.879999999999999716e+01 8.821488698022420527e-01 -1.889999999999999858e+01 8.860394235403620256e-01 -1.900000000000000000e+01 8.945907446610540381e-01 -1.910000000000000142e+01 8.974021647914846023e-01 -1.920000000000000284e+01 9.071523309114740696e-01 -1.929999999999999716e+01 9.071523309114740696e-01 -1.939999999999999858e+01 9.116116523516815118e-01 -1.950000000000000000e+01 9.163757989992908914e-01 -1.960000000000000142e+01 9.233035011152629368e-01 -1.970000000000000284e+01 9.266764424893233487e-01 -1.979999999999999716e+01 9.299859957985995296e-01 -1.989999999999999858e+01 9.276752878876218800e-01 -2.000000000000000000e+01 9.306775608913103737e-01 -2.010000000000000142e+01 9.254602444101276415e-01 -2.020000000000000284e+01 9.305847870489917240e-01 -2.029999999999999716e+01 9.454455274410018539e-01 -2.039999999999999858e+01 9.443930167672380804e-01 -2.050000000000000000e+01 9.370349059547989912e-01 -2.060000000000000142e+01 9.376456490399622812e-01 -2.070000000000000284e+01 9.304943406654435645e-01 -2.079999999999999716e+01 9.194084163267797205e-01 -2.089999999999999858e+01 9.080263449337192538e-01 -2.100000000000000000e+01 9.130592798451618863e-01 -2.110000000000000142e+01 9.147030097504514901e-01 -2.120000000000000284e+01 8.976776618415571729e-01 -2.129999999999999716e+01 8.809146444424897915e-01 -2.139999999999999858e+01 8.646322848989407284e-01 -2.150000000000000000e+01 8.483282387988230200e-01 -2.160000000000000142e+01 8.331771264363058149e-01 -2.170000000000000284e+01 8.140013113190678329e-01 -2.179999999999999716e+01 7.982132271296428216e-01 -2.189999999999999858e+01 7.700207258925878540e-01 -2.200000000000000000e+01 7.587165786440664972e-01 -2.210000000000000142e+01 7.482286613571825784e-01 -2.220000000000000284e+01 7.181484439373770901e-01 -2.229999999999999716e+01 6.916312078452057088e-01 -2.239999999999999858e+01 6.708366036758500739e-01 -2.250000000000000000e+01 6.584327757576763362e-01 -2.260000000000000142e+01 6.439342488212661531e-01 -2.270000000000000284e+01 6.247306708541816578e-01 -2.279999999999999716e+01 5.922447598311207928e-01 -2.289999999999999858e+01 5.581598240799395816e-01 -2.300000000000000000e+01 5.401993698279470291e-01 -2.310000000000000142e+01 5.339133772905588771e-01 -2.320000000000000284e+01 5.100653730424277166e-01 -2.329999999999999716e+01 4.755929390818911529e-01 -2.339999999999999858e+01 4.468526984435570726e-01 -2.350000000000000000e+01 4.425333057509852619e-01 -2.360000000000000142e+01 4.359947168138990636e-01 -2.370000000000000284e+01 4.019039077182049446e-01 -2.379999999999999716e+01 3.819339721896549134e-01 -2.389999999999999858e+01 3.663089307011838103e-01 -2.400000000000000000e+01 3.525747130667292728e-01 -2.410000000000000142e+01 3.365537144184105878e-01 -2.420000000000000284e+01 3.192935283978889371e-01 -2.429999999999999716e+01 3.073985630753069964e-01 -2.439999999999999858e+01 2.890226783379484243e-01 -2.450000000000000000e+01 2.824841754662637539e-01 -2.460000000000000142e+01 2.722171605884211587e-01 -2.470000000000000284e+01 2.488896030184358787e-01 -2.479999999999999716e+01 2.351494483658511103e-01 -2.489999999999999858e+01 2.315461182146961727e-01 -2.500000000000000000e+01 2.280299699493547605e-01 -2.510000000000000142e+01 nan -2.520000000000000284e+01 nan -2.529999999999999716e+01 nan -2.539999999999999858e+01 nan -2.550000000000000000e+01 nan +1.600000000000000000e+01 9.000000000000000222e-01 +2.137475206611570044e+01 9.000000000000000222e-01 diff --git a/tests/data/test_completenessPlot_lines/line_4.txt b/tests/data/test_completenessPlot_lines/line_4.txt index d7999a10e..f27e962ce 100644 --- a/tests/data/test_completenessPlot_lines/line_4.txt +++ b/tests/data/test_completenessPlot_lines/line_4.txt @@ -1,95 +1,2 @@ -1.610000000000000142e+01 1.408248290463863128e+00 -1.620000000000000284e+01 1.377964473009227309e+00 -1.629999999999999716e+01 1.377964473009227309e+00 -1.639999999999999858e+01 1.333333333333333259e+00 -1.650000000000000000e+01 1.353553390593273731e+00 -1.660000000000000142e+01 1.333333333333333259e+00 -1.670000000000000284e+01 1.316227766016837997e+00 -1.679999999999999716e+01 1.301511344577763740e+00 -1.689999999999999858e+01 1.288675134594812866e+00 -1.700000000000000000e+01 1.267261241912424286e+00 -1.710000000000000142e+01 1.277350098112614685e+00 -1.720000000000000284e+01 1.250000000000000000e+00 -1.729999999999999716e+01 1.242535625036333080e+00 -1.739999999999999858e+01 1.229415733870561800e+00 -1.750000000000000000e+01 1.229415733870561800e+00 -1.760000000000000142e+01 1.204124145231931564e+00 -1.770000000000000284e+01 1.204124145231931564e+00 -1.779999999999999716e+01 1.192450089729875318e+00 -1.789999999999999858e+01 1.179605302026774938e+00 -1.800000000000000000e+01 1.169030850945703248e+00 -1.810000000000000142e+01 1.164398987305357291e+00 -1.820000000000000284e+01 1.154303349962091829e+00 -1.829999999999999716e+01 1.149071198499985957e+00 -1.839999999999999858e+01 1.136082763487954228e+00 -1.850000000000000000e+01 1.130188910980823858e+00 -1.860000000000000142e+01 1.130188910980823858e+00 -1.870000000000000284e+01 1.122169444356305279e+00 -1.879999999999999716e+01 1.117851130197757836e+00 -1.889999999999999858e+01 1.113960576459637863e+00 -1.900000000000000000e+01 1.105409255338946073e+00 -1.910000000000000142e+01 1.102597835208515509e+00 -1.920000000000000284e+01 1.092847669088525819e+00 -1.929999999999999716e+01 1.092847669088525819e+00 -1.939999999999999858e+01 1.088388347648318488e+00 -1.950000000000000000e+01 1.083624201000709109e+00 -1.960000000000000142e+01 1.076696498884736952e+00 -1.970000000000000284e+01 1.073323557510676540e+00 -1.979999999999999716e+01 1.070014004201400581e+00 -1.989999999999999858e+01 1.060419950207616369e+00 -2.000000000000000000e+01 1.058452873891298385e+00 -2.010000000000000142e+01 1.044983105343566976e+00 -2.020000000000000284e+01 1.042388185923981192e+00 -2.029999999999999716e+01 1.054554472558998146e+00 -2.039999999999999858e+01 1.048088186240280661e+00 -2.050000000000000000e+01 1.035567833771228408e+00 -2.060000000000000142e+01 1.031201702984959834e+00 -2.070000000000000284e+01 1.018369295698192900e+00 -2.079999999999999716e+01 1.002669505751142331e+00 -2.089999999999999858e+01 9.877082522226788841e-01 -2.100000000000000000e+01 9.878027891203554622e-01 -2.110000000000000142e+01 9.868717933991547619e-01 -2.120000000000000284e+01 9.658770957886044783e-01 -2.129999999999999716e+01 9.455992671778048475e-01 -2.139999999999999858e+01 9.264124912204623197e-01 -2.150000000000000000e+01 9.067738020175034608e-01 -2.160000000000000142e+01 8.885620039984768459e-01 -2.170000000000000284e+01 8.666328902664361955e-01 -2.179999999999999716e+01 8.484809877463902472e-01 -2.189999999999999858e+01 8.171611779716910773e-01 -2.200000000000000000e+01 8.031390914590262886e-01 -2.210000000000000142e+01 7.909562916208737748e-01 -2.220000000000000284e+01 7.586206768631946762e-01 -2.229999999999999716e+01 7.298671634902992311e-01 -2.239999999999999858e+01 7.072846805096434375e-01 -2.250000000000000000e+01 6.929772025503496691e-01 -2.260000000000000142e+01 6.768764283907952040e-01 -2.270000000000000284e+01 6.557021515083071295e-01 -2.279999999999999716e+01 6.215710296425634995e-01 -2.289999999999999858e+01 5.858761849223109719e-01 -2.300000000000000000e+01 5.665037765468818876e-01 -2.310000000000000142e+01 5.590373401143069465e-01 -2.320000000000000284e+01 5.337593281527913680e-01 -2.329999999999999716e+01 4.979410515771643952e-01 -2.339999999999999858e+01 4.679603635536033202e-01 -2.350000000000000000e+01 4.625163273953246668e-01 -2.360000000000000142e+01 4.579238031624835448e-01 -2.370000000000000284e+01 4.277496553763920906e-01 -2.379999999999999716e+01 4.075224783669921247e-01 -2.389999999999999858e+01 3.907464672381920079e-01 -2.400000000000000000e+01 3.759111257132271566e-01 -2.410000000000000142e+01 3.588393068159119736e-01 -2.420000000000000284e+01 3.405773516564774006e-01 -2.429999999999999716e+01 3.277254038668417913e-01 -2.439999999999999858e+01 3.084337512428335093e-01 -2.450000000000000000e+01 3.010209791729115403e-01 -2.460000000000000142e+01 2.899204353996684969e-01 -2.470000000000000284e+01 2.657963113673283972e-01 -2.479999999999999716e+01 2.512947643557338906e-01 -2.489999999999999858e+01 2.469654433379400715e-01 -2.500000000000000000e+01 2.493512530558736895e-01 -2.510000000000000142e+01 nan -2.520000000000000284e+01 nan -2.529999999999999716e+01 nan -2.539999999999999858e+01 nan -2.550000000000000000e+01 nan +2.137475206611570044e+01 0.000000000000000000e+00 +2.137475206611570044e+01 9.000000000000000222e-01 diff --git a/tests/data/test_completenessPlot_lines/line_5.txt b/tests/data/test_completenessPlot_lines/line_5.txt index 75a917900..cfdf79962 100644 --- a/tests/data/test_completenessPlot_lines/line_5.txt +++ b/tests/data/test_completenessPlot_lines/line_5.txt @@ -1,95 +1,2 @@ -1.610000000000000142e+01 2.000000000000000111e-01 -1.620000000000000284e+01 0.000000000000000000e+00 -1.629999999999999716e+01 1.666666666666666574e-01 -1.639999999999999858e+01 1.666666666666666574e-01 -1.650000000000000000e+01 0.000000000000000000e+00 -1.660000000000000142e+01 0.000000000000000000e+00 -1.670000000000000284e+01 2.222222222222222099e-01 -1.679999999999999716e+01 5.000000000000000000e-01 -1.689999999999999858e+01 4.545454545454545303e-01 -1.700000000000000000e+01 3.333333333333333148e-01 -1.710000000000000142e+01 1.666666666666666574e-01 -1.720000000000000284e+01 3.571428571428571508e-01 -1.729999999999999716e+01 4.375000000000000000e-01 -1.739999999999999858e+01 3.125000000000000000e-01 -1.750000000000000000e+01 2.777777777777777901e-01 -1.760000000000000142e+01 1.428571428571428492e-01 -1.770000000000000284e+01 2.727272727272727071e-01 -1.779999999999999716e+01 5.833333333333333703e-01 -1.789999999999999858e+01 5.555555555555555802e-01 -1.800000000000000000e+01 3.448275862068965747e-01 -1.810000000000000142e+01 4.062500000000000000e-01 -1.820000000000000284e+01 4.000000000000000222e-01 -1.829999999999999716e+01 3.589743589743589758e-01 -1.839999999999999858e+01 3.488372093023255904e-01 -1.850000000000000000e+01 3.695652173913043237e-01 -1.860000000000000142e+01 5.000000000000000000e-01 -1.870000000000000284e+01 4.642857142857143016e-01 -1.879999999999999716e+01 4.193548387096774355e-01 -1.889999999999999858e+01 5.373134328358208922e-01 -1.900000000000000000e+01 5.205479452054794232e-01 -1.910000000000000142e+01 4.500000000000000111e-01 -1.920000000000000284e+01 5.113636363636363535e-01 -1.929999999999999716e+01 5.876288659793814650e-01 -1.939999999999999858e+01 5.283018867924528239e-01 -1.950000000000000000e+01 5.000000000000000000e-01 -1.960000000000000142e+01 5.234375000000000000e-01 -1.970000000000000284e+01 5.357142857142856984e-01 -1.979999999999999716e+01 5.064935064935064402e-01 -1.989999999999999858e+01 4.285714285714285476e-01 -2.000000000000000000e+01 4.456521739130434590e-01 -2.010000000000000142e+01 4.433497536945812945e-01 -2.020000000000000284e+01 4.324324324324324564e-01 -2.029999999999999716e+01 4.032921810699588439e-01 -2.039999999999999858e+01 3.909774436090225347e-01 -2.050000000000000000e+01 3.801369863013698835e-01 -2.060000000000000142e+01 3.707165109034267769e-01 -2.070000000000000284e+01 3.920454545454545303e-01 -2.079999999999999716e+01 3.896103896103896291e-01 -2.089999999999999858e+01 3.554502369668246509e-01 -2.100000000000000000e+01 3.254310344827586188e-01 -2.110000000000000142e+01 3.031496062992126150e-01 -2.120000000000000284e+01 2.818671454219030537e-01 -2.129999999999999716e+01 2.651391162029460014e-01 -2.139999999999999858e+01 2.701492537313432973e-01 -2.150000000000000000e+01 2.612244897959183909e-01 -2.160000000000000142e+01 2.236024844720496951e-01 -2.170000000000000284e+01 1.970554926387315942e-01 -2.179999999999999716e+01 1.818181818181818232e-01 -2.189999999999999858e+01 1.649387370405278053e-01 -2.200000000000000000e+01 1.520618556701030799e-01 -2.210000000000000142e+01 1.434169278996865193e-01 -2.220000000000000284e+01 1.350964974982130085e-01 -2.229999999999999716e+01 1.237785016286644946e-01 -2.239999999999999858e+01 1.070154577883472014e-01 -2.250000000000000000e+01 9.381778741865509641e-02 -2.260000000000000142e+01 9.045971329708353548e-02 -2.270000000000000284e+01 9.197475202885482815e-02 -2.279999999999999716e+01 8.264802631578947734e-02 -2.289999999999999858e+01 7.014253563390847324e-02 -2.300000000000000000e+01 5.984952120383037200e-02 -2.310000000000000142e+01 6.207111665626949271e-02 -2.320000000000000284e+01 5.606146841206602338e-02 -2.329999999999999716e+01 4.125583809029579468e-02 -2.339999999999999858e+01 3.336488405111216055e-02 -2.350000000000000000e+01 3.042727665084160593e-02 -2.360000000000000142e+01 2.912812438496359055e-02 -2.370000000000000284e+01 2.189912044516244966e-02 -2.379999999999999716e+01 1.735428945645055634e-02 -2.389999999999999858e+01 1.657458563535911533e-02 -2.400000000000000000e+01 1.647603485838779885e-02 -2.410000000000000142e+01 1.328697379858437798e-02 -2.420000000000000284e+01 1.075999546947559171e-02 -2.429999999999999716e+01 1.022727272727272721e-02 -2.439999999999999858e+01 7.819123881300047568e-03 -2.450000000000000000e+01 6.872852233676975814e-03 -2.460000000000000142e+01 6.895470929321422665e-03 -2.470000000000000284e+01 5.788608590009290331e-03 -2.479999999999999716e+01 3.845151199165797781e-03 -2.489999999999999858e+01 3.566545800392320088e-03 -2.500000000000000000e+01 4.205501250284155758e-03 -2.510000000000000142e+01 nan -2.520000000000000284e+01 nan -2.529999999999999716e+01 nan -2.539999999999999858e+01 nan -2.550000000000000000e+01 nan +1.600000000000000000e+01 8.000000000000000444e-01 +2.187846143778017449e+01 8.000000000000000444e-01 diff --git a/tests/data/test_completenessPlot_lines/line_6.txt b/tests/data/test_completenessPlot_lines/line_6.txt index d63100a5b..4f71729ce 100644 --- a/tests/data/test_completenessPlot_lines/line_6.txt +++ b/tests/data/test_completenessPlot_lines/line_6.txt @@ -1,95 +1,2 @@ -1.610000000000000142e+01 8.000000000000000444e-01 -1.620000000000000284e+01 1.000000000000000000e+00 -1.629999999999999716e+01 8.333333333333333703e-01 -1.639999999999999858e+01 8.333333333333333703e-01 -1.650000000000000000e+01 1.000000000000000000e+00 -1.660000000000000142e+01 1.000000000000000000e+00 -1.670000000000000284e+01 7.777777777777777901e-01 -1.679999999999999716e+01 5.000000000000000000e-01 -1.689999999999999858e+01 5.454545454545454142e-01 -1.700000000000000000e+01 6.666666666666666297e-01 -1.710000000000000142e+01 8.333333333333333703e-01 -1.720000000000000284e+01 6.428571428571429047e-01 -1.729999999999999716e+01 5.625000000000000000e-01 -1.739999999999999858e+01 6.875000000000000000e-01 -1.750000000000000000e+01 7.222222222222222099e-01 -1.760000000000000142e+01 8.571428571428570953e-01 -1.770000000000000284e+01 7.272727272727272929e-01 -1.779999999999999716e+01 4.166666666666666852e-01 -1.789999999999999858e+01 4.444444444444444198e-01 -1.800000000000000000e+01 6.551724137931034253e-01 -1.810000000000000142e+01 5.937500000000000000e-01 -1.820000000000000284e+01 5.999999999999999778e-01 -1.829999999999999716e+01 6.410256410256410797e-01 -1.839999999999999858e+01 6.511627906976744651e-01 -1.850000000000000000e+01 6.304347826086956763e-01 -1.860000000000000142e+01 5.000000000000000000e-01 -1.870000000000000284e+01 5.357142857142856984e-01 -1.879999999999999716e+01 5.806451612903226200e-01 -1.889999999999999858e+01 4.626865671641791078e-01 -1.900000000000000000e+01 4.794520547945205213e-01 -1.910000000000000142e+01 5.500000000000000444e-01 -1.920000000000000284e+01 4.886363636363636465e-01 -1.929999999999999716e+01 4.123711340206185350e-01 -1.939999999999999858e+01 4.716981132075471761e-01 -1.950000000000000000e+01 5.000000000000000000e-01 -1.960000000000000142e+01 4.765625000000000000e-01 -1.970000000000000284e+01 4.642857142857143016e-01 -1.979999999999999716e+01 4.935064935064935043e-01 -1.989999999999999858e+01 5.654761904761904656e-01 -2.000000000000000000e+01 5.489130434782608647e-01 -2.010000000000000142e+01 5.418719211822660142e-01 -2.020000000000000284e+01 5.540540540540540571e-01 -2.029999999999999716e+01 5.967078189300411006e-01 -2.039999999999999858e+01 6.052631578947368363e-01 -2.050000000000000000e+01 6.061643835616438158e-01 -2.060000000000000142e+01 6.137071651090342250e-01 -2.070000000000000284e+01 5.823863636363636465e-01 -2.079999999999999716e+01 5.714285714285713969e-01 -2.089999999999999858e+01 5.924170616113744181e-01 -2.100000000000000000e+01 6.250000000000000000e-01 -2.110000000000000142e+01 6.476377952755905110e-01 -2.120000000000000284e+01 6.499102333931777720e-01 -2.129999999999999716e+01 6.481178396072012626e-01 -2.139999999999999858e+01 6.253731343283581712e-01 -2.150000000000000000e+01 6.163265306122448495e-01 -2.160000000000000142e+01 6.372670807453416630e-01 -2.170000000000000284e+01 6.432616081540203368e-01 -2.179999999999999716e+01 6.415289256198346557e-01 -2.189999999999999858e+01 6.286522148916117159e-01 -2.200000000000000000e+01 6.288659793814432852e-01 -2.210000000000000142e+01 6.261755485893416573e-01 -2.220000000000000284e+01 6.032880629020729302e-01 -2.229999999999999716e+01 5.869706840390879199e-01 -2.239999999999999858e+01 5.820451843043995543e-01 -2.250000000000000000e+01 5.818872017353579063e-01 -2.260000000000000142e+01 5.699456253089471014e-01 -2.270000000000000284e+01 5.482416591523895377e-01 -2.279999999999999716e+01 5.242598684210526550e-01 -2.289999999999999858e+01 5.018754688672167896e-01 -2.300000000000000000e+01 4.935020519835841557e-01 -2.310000000000000142e+01 4.844042420461634468e-01 -2.320000000000000284e+01 4.658508821855435467e-01 -2.329999999999999716e+01 4.455111572392319585e-01 -2.339999999999999858e+01 4.240416469474680428e-01 -2.350000000000000000e+01 4.220975399223133584e-01 -2.360000000000000142e+01 4.178311356032277102e-01 -2.370000000000000284e+01 3.929276611021360610e-01 -2.379999999999999716e+01 3.773739358218729523e-01 -2.389999999999999858e+01 3.619531133343287799e-01 -2.400000000000000000e+01 3.477668845315904367e-01 -2.410000000000000142e+01 3.344095368185769357e-01 -2.420000000000000284e+01 3.191754445577075772e-01 -2.429999999999999716e+01 3.073347107438016423e-01 -2.439999999999999858e+01 2.909090909090908950e-01 -2.450000000000000000e+01 2.848797250859106400e-01 -2.460000000000000142e+01 2.741733270647234155e-01 -2.470000000000000284e+01 2.515543486028728459e-01 -2.479999999999999716e+01 2.393769551616266866e-01 -2.489999999999999858e+01 2.356892349759258098e-01 -2.500000000000000000e+01 2.344851102523300701e-01 -2.510000000000000142e+01 nan -2.520000000000000284e+01 nan -2.529999999999999716e+01 nan -2.539999999999999858e+01 nan -2.550000000000000000e+01 nan +2.187846143778017449e+01 0.000000000000000000e+00 +2.187846143778017449e+01 8.000000000000000444e-01 diff --git a/tests/data/test_completenessPlot_lines/line_7.txt b/tests/data/test_completenessPlot_lines/line_7.txt index 5ab0bcf6e..07477aefa 100644 --- a/tests/data/test_completenessPlot_lines/line_7.txt +++ b/tests/data/test_completenessPlot_lines/line_7.txt @@ -1,2 +1,2 @@ -1.600000000000000000e+01 9.000000000000000222e-01 -2.137475206611570044e+01 9.000000000000000222e-01 +1.600000000000000000e+01 5.000000000000000000e-01 +2.326234778516383273e+01 5.000000000000000000e-01 diff --git a/tests/data/test_completenessPlot_lines/line_8.txt b/tests/data/test_completenessPlot_lines/line_8.txt index f27e962ce..037382a79 100644 --- a/tests/data/test_completenessPlot_lines/line_8.txt +++ b/tests/data/test_completenessPlot_lines/line_8.txt @@ -1,2 +1,2 @@ -2.137475206611570044e+01 0.000000000000000000e+00 -2.137475206611570044e+01 9.000000000000000222e-01 +2.326234778516383273e+01 0.000000000000000000e+00 +2.326234778516383273e+01 5.000000000000000000e-01 diff --git a/tests/data/test_completenessPlot_lines/line_9.txt b/tests/data/test_completenessPlot_lines/line_9.txt index cfdf79962..9381b6151 100644 --- a/tests/data/test_completenessPlot_lines/line_9.txt +++ b/tests/data/test_completenessPlot_lines/line_9.txt @@ -1,2 +1,95 @@ -1.600000000000000000e+01 8.000000000000000444e-01 -2.187846143778017449e+01 8.000000000000000444e-01 +1.610000000000000142e+01 1.000000000000000000e+00 +1.620000000000000284e+01 1.000000000000000000e+00 +1.629999999999999716e+01 1.000000000000000000e+00 +1.639999999999999858e+01 1.000000000000000000e+00 +1.650000000000000000e+01 1.000000000000000000e+00 +1.660000000000000142e+01 1.000000000000000000e+00 +1.670000000000000284e+01 1.000000000000000000e+00 +1.679999999999999716e+01 1.000000000000000000e+00 +1.689999999999999858e+01 1.000000000000000000e+00 +1.700000000000000000e+01 1.000000000000000000e+00 +1.710000000000000142e+01 1.000000000000000000e+00 +1.720000000000000284e+01 1.000000000000000000e+00 +1.729999999999999716e+01 1.000000000000000000e+00 +1.739999999999999858e+01 1.000000000000000000e+00 +1.750000000000000000e+01 1.000000000000000000e+00 +1.760000000000000142e+01 1.000000000000000000e+00 +1.770000000000000284e+01 1.000000000000000000e+00 +1.779999999999999716e+01 1.000000000000000000e+00 +1.789999999999999858e+01 1.000000000000000000e+00 +1.800000000000000000e+01 1.000000000000000000e+00 +1.810000000000000142e+01 1.000000000000000000e+00 +1.820000000000000284e+01 1.000000000000000000e+00 +1.829999999999999716e+01 1.000000000000000000e+00 +1.839999999999999858e+01 1.000000000000000000e+00 +1.850000000000000000e+01 1.000000000000000000e+00 +1.860000000000000142e+01 1.000000000000000000e+00 +1.870000000000000284e+01 1.000000000000000000e+00 +1.879999999999999716e+01 1.000000000000000000e+00 +1.889999999999999858e+01 1.000000000000000000e+00 +1.900000000000000000e+01 1.000000000000000000e+00 +1.910000000000000142e+01 1.000000000000000000e+00 +1.920000000000000284e+01 1.000000000000000000e+00 +1.929999999999999716e+01 1.000000000000000000e+00 +1.939999999999999858e+01 1.000000000000000000e+00 +1.950000000000000000e+01 1.000000000000000000e+00 +1.960000000000000142e+01 1.000000000000000000e+00 +1.970000000000000284e+01 1.000000000000000000e+00 +1.979999999999999716e+01 1.000000000000000000e+00 +1.989999999999999858e+01 9.943181818181817677e-01 +2.000000000000000000e+01 9.942857142857143282e-01 +2.010000000000000142e+01 9.904761904761905100e-01 +2.020000000000000284e+01 9.919028340080972006e-01 +2.029999999999999716e+01 9.956709956709957066e-01 +2.039999999999999858e+01 9.960937500000000000e-01 +2.050000000000000000e+01 9.896907216494845727e-01 +2.060000000000000142e+01 9.878048780487804770e-01 +2.070000000000000284e+01 9.729729729729730270e-01 +2.079999999999999716e+01 9.630541871921182162e-01 +2.089999999999999858e+01 9.635535307517084647e-01 +2.100000000000000000e+01 9.380341880341880323e-01 +2.110000000000000142e+01 9.396887159533073852e-01 +2.120000000000000284e+01 9.444444444444444198e-01 +2.129999999999999716e+01 9.154228855721393554e-01 +2.139999999999999858e+01 8.937784522003034970e-01 +2.150000000000000000e+01 8.748280605226960160e-01 +2.160000000000000142e+01 8.665077473182359880e-01 +2.170000000000000284e+01 8.608695652173913304e-01 +2.179999999999999716e+01 8.323045267489711518e-01 +2.189999999999999858e+01 8.039391226499552623e-01 +2.200000000000000000e+01 7.836117740652346342e-01 +2.210000000000000142e+01 7.592452830188679558e-01 +2.220000000000000284e+01 7.323097463284379272e-01 +2.229999999999999716e+01 7.289940828402367012e-01 +2.239999999999999858e+01 6.957730812013348531e-01 +2.250000000000000000e+01 6.697015680323722409e-01 +2.260000000000000142e+01 6.483166515013648601e-01 +2.270000000000000284e+01 6.267354224514081196e-01 +2.279999999999999716e+01 6.002106002106002425e-01 +2.289999999999999858e+01 5.771284951303801147e-01 +2.300000000000000000e+01 5.528640638358506276e-01 +2.310000000000000142e+01 5.166186862077990494e-01 +2.320000000000000284e+01 5.031315240083507057e-01 +2.329999999999999716e+01 4.684796044499381917e-01 +2.339999999999999858e+01 4.295607800255148434e-01 +2.350000000000000000e+01 4.184120798830979204e-01 +2.360000000000000142e+01 4.134228187919463116e-01 +2.370000000000000284e+01 3.772819472616633085e-01 +2.379999999999999716e+01 nan +2.389999999999999858e+01 nan +2.400000000000000000e+01 nan +2.410000000000000142e+01 nan +2.420000000000000284e+01 nan +2.429999999999999716e+01 nan +2.439999999999999858e+01 nan +2.450000000000000000e+01 nan +2.460000000000000142e+01 nan +2.470000000000000284e+01 nan +2.479999999999999716e+01 nan +2.489999999999999858e+01 nan +2.500000000000000000e+01 nan +2.510000000000000142e+01 nan +2.520000000000000284e+01 nan +2.529999999999999716e+01 nan +2.539999999999999858e+01 nan +2.550000000000000000e+01 nan diff --git a/tests/data/test_completenessPlot_texts.txt b/tests/data/test_completenessPlot_texts.txt index e26595b32..9a1bd6865 100644 --- a/tests/data/test_completenessPlot_texts.txt +++ b/tests/data/test_completenessPlot_texts.txt @@ -3,26 +3,25 @@ compurity test PhotoCalib: None, Astrometry: None[newline]Table: , Bands: r -Reference magnitude +Reference Magnitude Completeness -completeness -wrong class -right class -counts +Completeness +Incorrect class +Correct Class +Counts 90%: 21.37 80%: 21.88 50%: 23.26 -20%: 25.00 -10%: 25.00 -Measured magnitude +Measured Magnitude +Purity Purity -wrong class -right class -counts +Incorrect class +Correct class +Counts -Reference counts/mag +Reference Counts/Magnitude -Object counts/mag +Object Counts/Magnitude diff --git a/tests/data/test_completenessPlot_unlabeled.png b/tests/data/test_completenessPlot_unlabeled.png index dfb8404e6..3ffaa5e4b 100644 Binary files a/tests/data/test_completenessPlot_unlabeled.png and b/tests/data/test_completenessPlot_unlabeled.png differ diff --git a/tests/test_actions.py b/tests/test_actions.py index e9df7dffa..bef844685 100644 --- a/tests/test_actions.py +++ b/tests/test_actions.py @@ -62,6 +62,7 @@ FlagSelector, GalaxySelector, RangeSelector, + SetSelector, SkyObjectSelector, SnSelector, StarSelector, @@ -584,6 +585,18 @@ def testRangeSelector(self): truth = [30, 40] np.testing.assert_array_equal(result, truth) + def testSetSelector(self): + n_values = 3 + values = self.data["r_psfFlux"][:n_values] + selector = SetSelector(vectorKeys=("r_psfFlux", "i_cmodelFlux"), values=values) + self._checkSchema(selector, ("r_psfFlux", "i_cmodelFlux")) + result = selector(self.data) + truth = np.zeros_like(result) + truth[:n_values] = True + # i_cModelFlux is just r_psfFlux reversed + truth[-n_values:] = True + np.testing.assert_array_equal(result, truth) + def testSnSelector(self): # test defaults selector = SnSelector() diff --git a/tests/test_columnMagnitudeScatterPlot.py b/tests/test_columnMagnitudeScatterPlot.py index 7d277a92f..fa10a044d 100644 --- a/tests/test_columnMagnitudeScatterPlot.py +++ b/tests/test_columnMagnitudeScatterPlot.py @@ -49,6 +49,7 @@ def setUp(self) -> None: key_flux = f"{band}_cModelFlux" data = { + "objectId": np.arange(n_good), key_flux: flux_meas, f"{key_flux}Err": flux_err, "detect_isPrimary": np.ones(n_good, dtype=bool),