diff --git a/CITATION.cff b/CITATION.cff
index 176b9a98..f891d486 100644
--- a/CITATION.cff
+++ b/CITATION.cff
@@ -1,4 +1,4 @@
-title: "PyRTlib: A python package for non-scattering line-by-line microwave Radiative Transfer simulations."
+title: "PyRTlib: a python package for non-scattering line-by-line microwave Radiative Transfer simulations."
abstract:
"PyRTlib is an attractive educational software to simulate observations from ground-based,
airborne, and satellite microwave sensors. It provides a flexible and user-friendly tool to broadly
@@ -26,7 +26,7 @@ authors:
- family-names: "Romano"
given-names: "Filomena"
orcid: "https://orcid.org/0000-0002-0544-073X"
-version: 1.0.3
+version: 1.0.4
license: GPL-3.0
keywords:
- atmospheric-modelling
@@ -34,6 +34,6 @@ keywords:
- radiative-transfer-models
- python
doi: 10.5281/zenodo.8219145
-date-released: 2023-10-05
+date-released: 2023-12-06
repository-code: "https://github.com/SatCloP/pyrtlib"
url: "https://satclop.github.io/pyrtlib/"
diff --git a/README.md b/README.md
index 9b345576..a1a9e21e 100644
--- a/README.md
+++ b/README.md
@@ -95,8 +95,10 @@ Execute model by computing upwelling radiances:
```
## Cite as
-Please cite us:
Larosa, S., Cimini, D., Gallucci, D., Nilo, S. T., and Romano, F.: PyRTlib: an educational Python-based library for non-scattering atmospheric microwave Radiative Transfer computations, Geosci. Model Dev. Discuss. (preprint), https://doi.org/10.5194/gmd-2023-171, in review, 2023.
-Larosa, S., Cimini, D., Gallucci, D., Nilo, S. T., & Romano, F. (2023). PyRTlib: A python package for non-scattering line-by-line microwave Radiative Transfer simulations. (Computer software). https://doi.org/10.5281/zenodo.8219145
+Larosa, S., Cimini, D., Gallucci, D., Nilo, S. T., & Romano, F. (2023). PyRTlib: a python package for non-scattering line-by-line microwave Radiative Transfer simulations. (Computer software). https://doi.org/10.5281/zenodo.8219145
+
+## Contributors
+
diff --git a/docs/build-docs.sh b/docs/build-docs.sh
index f88c324d..48060709 100755
--- a/docs/build-docs.sh
+++ b/docs/build-docs.sh
@@ -5,9 +5,9 @@ set -x
###################
sudo apt-get update
-sudo apt-get -y install git rsync python3-sphinx python3-git python3-pip python3-virtualenv python3-setuptools pandoc zlib1g-dev
-python3 -m pip install --upgrade rinohtype pygments
-pip3 install pydata-sphinx-theme==0.13.3 sphinx-toggleprompt nbconvert==5.6.1 nbsphinx sphinx-gallery sphinx-copybutton ipython_genutils sphinx-toggleprompt sphinx-panels pandas scipy scikit-learn netcdf4 matplotlib
+sudo apt-get -y install git rsync python3-git python3-pip python3-virtualenv python3-setuptools pandoc zlib1g-dev # python3-sphinx
+python3 -m pip install --upgrade pygments #rinohtype[PDF] #sphinxcontrib-bibtex
+pip3 install sphinx==5.3.0 pydata-sphinx-theme sphinx-toggleprompt nbconvert==5.6.1 nbsphinx sphinx-gallery sphinx-copybutton ipython_genutils sphinx-toggleprompt sphinx_design pandas scipy scikit-learn netcdf4 matplotlib jupyter_client ipykernel
#####################
# DECLARE VARIABLES #
diff --git a/docs/script_examples/plot_brightness_temperature_wO3.py b/docs/script_examples/plot_brightness_temperature_wO3.py
index 241fa4d5..afd220f1 100644
--- a/docs/script_examples/plot_brightness_temperature_wO3.py
+++ b/docs/script_examples/plot_brightness_temperature_wO3.py
@@ -1,5 +1,5 @@
"""
-Performing Brightness Temperature calculation from ground with Ozone
+Performing Downwelling Brightness Temperature calculation with Ozone
====================================================================
"""
diff --git a/docs/script_examples/plot_bt_era5.py b/docs/script_examples/plot_bt_era5.py
index aa492420..4d3b04f6 100644
--- a/docs/script_examples/plot_bt_era5.py
+++ b/docs/script_examples/plot_bt_era5.py
@@ -1,6 +1,6 @@
"""
-Performing BT calculation from satellite using ERA5 Reanalysis Observations
-===========================================================================
+Performing Upwelling Brightness Temperature calculation using ERA5 Reanalysis Observations.
+===========================================================================================
"""
# %%
diff --git a/docs/script_examples/plot_bt_era5_cloudy_profile.py b/docs/script_examples/plot_bt_era5_cloudy_profile.py
index 0bceed32..b560411e 100644
--- a/docs/script_examples/plot_bt_era5_cloudy_profile.py
+++ b/docs/script_examples/plot_bt_era5_cloudy_profile.py
@@ -1,6 +1,6 @@
"""
-Performing BT calculation from satellite using ERA5 Reanalysis Observations in cloudy condition.
-================================================================================================
+Performing Upwelling Brightness Temperature calculation using ERA5 Reanalysis Observations in cloudy condition.
+===============================================================================================================
"""
# %%
diff --git a/docs/script_examples/plot_bt_igra2.py b/docs/script_examples/plot_bt_igra2.py
index cbba4d48..322d7f07 100644
--- a/docs/script_examples/plot_bt_igra2.py
+++ b/docs/script_examples/plot_bt_igra2.py
@@ -1,6 +1,6 @@
"""
-Performing BT calculation from satellite using IGRA2 Upper Air Observations (with Extrapolation)
-================================================================================================
+Performing Upwelling Brightness Temperature calculation using IGRA2 Upper Air Observations (with Extrapolation).
+================================================================================================================
"""
# %%
diff --git a/docs/script_examples/plot_bt_wyoming.py b/docs/script_examples/plot_bt_wyoming.py
index dfc913b2..e4c2ecc5 100644
--- a/docs/script_examples/plot_bt_wyoming.py
+++ b/docs/script_examples/plot_bt_wyoming.py
@@ -1,6 +1,6 @@
"""
-Performing BT calculation from satellite using Wyoming Upper Air Observations
-=============================================================================
+Performing Upwelling Brightness Temperature calculation using Wyoming Upper Air Observations.
+=============================================================================================
"""
# %%
diff --git a/docs/script_examples/plot_log_dependance_tb.py b/docs/script_examples/plot_log_dependance_tb.py
new file mode 100644
index 00000000..9027631c
--- /dev/null
+++ b/docs/script_examples/plot_log_dependance_tb.py
@@ -0,0 +1,89 @@
+"""
+Logarithmic dependence of monochromatic radiance at 22.235 and 183 GHz
+======================================================================
+"""
+
+# %%
+# This example shows the logarithmic dependence of monochromatic radiance at 22.235 GHz and 183 GHz
+# on the water vapor content in the atmosphere. The brigthness temperature are calculated using the
+# :py:class:`pyrtlib.tb_spectrum.TbCloudRTE` method for the zenith view angle and
+# the following water vapor content: 1/8, 1/4, 1/2, 1, 2, 4, 8 times the water vapor
+# content of the reference atmosphere. The reference atmosphere is the Tropical atmosphere
+
+# Reference: Huang & Bani, 2014.
+
+import numpy as np
+
+import matplotlib.pyplot as plt
+import matplotlib as mpl
+mpl.rcParams["axes.spines.right"] = True
+mpl.rcParams["axes.spines.top"] = True
+plt.rcParams.update({'font.size': 30})
+
+
+from pyrtlib.climatology import AtmosphericProfiles as atmp
+from pyrtlib.tb_spectrum import TbCloudRTE
+from pyrtlib.absorption_model import O2AbsModel
+from pyrtlib.utils import ppmv2gkg, mr2rh
+
+z, p, _, t, md = atmp.gl_atm(atmp.TROPICAL)
+
+tb_23 = []
+tb_183 = []
+tau_23 = []
+tau_183 = []
+m = [1/8, 1/4, 1/2, 1, 2, 4, 8]
+
+for i in range(0, 7):
+ gkg = ppmv2gkg(md[:, atmp.H2O], atmp.H2O) * m[i]
+ rh = mr2rh(p, t, gkg)[0] / 100
+
+ # frq = np.arange(20, 201, 1)
+ frq = np.array([22.235, 183])
+ rte = TbCloudRTE(z, p, t, rh, frq)
+ rte.init_absmdl('R22SD')
+ O2AbsModel.model = 'R22'
+ df = rte.execute()
+ df['tau'] = df.tauwet + df.taudry
+ tb_23.append(df.tbtotal[0])
+ tb_183.append(df.tbtotal[1])
+ tau_23.append(df.tau[0])
+ tau_183.append(df.tau[1])
+
+tb_023 = np.array(tb_23) - tb_23[3]
+tb_0183 = np.array(tb_183) - tb_183[3]
+
+fig, axes = plt.subplots(2, 2, figsize=(24, 14), sharex=True)
+axes[0, 1].tick_params(axis='both', direction='in', length=10, width=.5)
+axes[0, 1].plot(np.log2(m), tb_0183, linestyle='--', linewidth=3, color='black')
+axes[0, 1].plot(np.log2(m), tb_0183, marker='+', linestyle='None', color='r', ms=20, markeredgewidth=5)
+axes[0, 1].set_title(f"{frq[1]} GHz")
+axes[0, 1].grid(True, 'both')
+axes[0, 1].annotate("c)", xy=(0.02, 0.05), xycoords='axes fraction', fontsize=40)
+
+axes[0, 0].set_ylabel('$\Delta T_b$ [K]')
+axes[0, 0].tick_params(axis='both', direction='in', length=10, width=.5)
+axes[0, 0].plot(np.log2(m), tb_023, linestyle='--', linewidth=3, color='black')
+axes[0, 0].plot(np.log2(m), tb_023, marker='+', linestyle='None', color='r', ms=20, markeredgewidth=5)
+axes[0, 0].set_title(f"{frq[0]} GHz")
+axes[0, 0].grid(True, 'both')
+axes[0, 0].annotate("a)", xy=(0.02, 0.05), xycoords='axes fraction', fontsize=40)
+
+axes[1, 1].set_xlabel('$log_2(SF_{q_{H_2O}}))$')
+axes[1, 1].tick_params(axis='both', direction='in', length=10, width=.5)
+axes[1, 1].plot(np.log2(m), tau_183, linestyle='--', linewidth=3, color='black')
+axes[1, 1].plot(np.log2(m), tau_183, marker='+', linestyle='None', color='blue', ms=20, markeredgewidth=5)
+axes[1, 1].grid(True, 'both')
+axes[1, 1].annotate("d)", xy=(0.02, 0.88), xycoords='axes fraction', fontsize=40)
+
+axes[1, 0].set_xlabel('$log_2(SF_{q_{H_2O}})$')
+axes[1, 0].set_ylabel('$\\tau$ [Np]')
+axes[1, 0].tick_params(axis='both', direction='in', length=10, width=.5)
+axes[1, 0].plot(np.log2(m), tau_23, linestyle='--', linewidth=3, color='black')
+axes[1, 0].plot(np.log2(m), tau_23, marker='+', linestyle='None', color='blue', ms=20, markeredgewidth=5)
+axes[1, 0].grid(True, 'both')
+axes[1, 0].annotate("b)", xy=(0.02, 0.88), xycoords='axes fraction', fontsize=40)
+
+plt.tight_layout()
+
+plt.show()
diff --git a/docs/script_examples/plot_model_cloudy.py b/docs/script_examples/plot_model_cloudy.py
index 7f193c9b..fbce2ccf 100644
--- a/docs/script_examples/plot_model_cloudy.py
+++ b/docs/script_examples/plot_model_cloudy.py
@@ -1,6 +1,6 @@
"""
-Performing Brightness Temperature calculation in cloudy condition
-=================================================================
+Performing Downwelling Brightness Temperature calculation in cloudy condition.
+==============================================================================
"""
# %%
diff --git a/docs/source/_static/pyrtlib.css b/docs/source/_static/pyrtlib.css
index 9376609c..c3e84bc3 100644
--- a/docs/source/_static/pyrtlib.css
+++ b/docs/source/_static/pyrtlib.css
@@ -16,10 +16,15 @@ table {
text-align: center !important;
}
-.bd-header .navbar-header-items__start {
+/* .bd-header .navbar-header-items__start {
flex-shrink: 0;
gap: .5rem;
margin-right: 200px;
+} */
+
+.sd-card-img, .sd-card-img-top {
+ height: 100px;
+ margin-top: 5px;
}
@media(max-width: 960px) {
diff --git a/docs/source/conf.py b/docs/source/conf.py
index 739954b3..4ed4050d 100644
--- a/docs/source/conf.py
+++ b/docs/source/conf.py
@@ -61,7 +61,8 @@
'nbsphinx',
'sphinx_gallery.gen_gallery',
'sphinx.ext.coverage',
- 'sphinx_panels',
+ # 'sphinx_panels',
+ "sphinx_design",
# 'sphinx.ext.graphviz',
# 'rst2pdf.pdfbuilder',
# 'autoapi.extension'
@@ -70,6 +71,7 @@
# 'myst_nb'
]
+nbsphinx_allow_errors = True
toggleprompt_offset_right = 35
# Configuration of sphinx.ext.coverage
diff --git a/docs/source/index.rst b/docs/source/index.rst
index 9f3c5b4c..161ecdbb 100644
--- a/docs/source/index.rst
+++ b/docs/source/index.rst
@@ -16,44 +16,55 @@ PyRTlib also allows to quantify absorption model uncertainty due to uncertainty
The approach is applied to a widely used microwave absorption model [Rosenkranz-2017]_, on which PyRTlib is based, and radiative transfer calculations at any frequencies range,
which are commonly exploited for atmospheric sounding by microwave radiometer (MWR).
-.. panels::
- :card: + intro-card text-center
-
- ---
- :img-top: _static/shuttle.svg
-
- Getting started
-
- +++
-
- .. link-button:: installation
- :type: ref
- :text: Go To Reference
- :classes: btn-block btn-outline-primary
-
- ---
- :img-top: _static/api.svg
-
- API references
-
- +++
-
- .. link-button:: api
- :type: ref
- :text: Go To Reference
- :classes: btn-block btn-outline-primary
-
- ---
- :img-top: _static/code.svg
-
- Gallery example
-
- +++
-
- .. link-button:: examples/index
- :type: ref
- :text: Go To Reference
- :classes: btn-outline-primary btn-block
+.. grid:: 2 2 2 2
+ :gutter: 4
+ :padding: 0 0 2 2
+ :class-container: sd-text-center
+
+ .. grid-item-card:: Getting started
+ :img-top: _static/shuttle.svg
+ :class-card: intro-card
+ :shadow: md
+
+ +++
+
+ .. button-link:: installation.html
+ :ref-type: ref
+ :click-parent:
+ :color: primary
+ :expand:
+
+ To the getting started guides
+
+ .. grid-item-card:: API reference
+ :img-top: _static/api.svg
+ :class-card: intro-card
+ :shadow: md
+
+ +++
+
+ .. button-link:: api.html
+ :ref-type: ref
+ :click-parent:
+ :color: primary
+ :expand:
+
+ To the API references
+
+ .. grid-item-card:: Gallery examples
+ :img-top: _static/code.svg
+ :class-card: intro-card
+ :shadow: md
+
+ +++
+
+ .. button-link:: examples/index.html
+ :ref-type: ref
+ :click-parent:
+ :color: primary
+ :expand:
+
+ To the Gallery examples
.. pyrtlib is a python tool that provides a set of calsses and methods for simulating ........
diff --git a/docs/source/installation.rst b/docs/source/installation.rst
index d3234c6d..e2731692 100644
--- a/docs/source/installation.rst
+++ b/docs/source/installation.rst
@@ -145,8 +145,28 @@ From within pyrtlib folder run the following docker command to build the docker
$ docker build --pull --rm -f "Dockerfile" -t pyrtlib:latest "."
$ docker run --rm -it pyrtlib:latest
-To test run the exaple script from within the docker image
+To test run the example script from within the docker image
.. code-block:: console
- $ root@993587e5fea9:/home/dev/pyrtlib# python3 hello_spectrum.py
\ No newline at end of file
+ $ root@993587e5fea9:/home/dev/pyrtlib# python3 hello_spectrum.py
+
+My first run with PyRTlib (Colab Notebook)
+==========================================
+
+To run the example script in a Google Colab Notebook, you can use the following code:
+
+.. code-block:: console
+
+ !pip install pyrtlib
+ !python3 hello_spectrum.py
+
+.. note::
+
+ The example script is available at `this link `_.
+
+.. code-block:: console
+
+ !wget https://raw.githubusercontent.com/SatCloP/pyrtlib/main/pyrtlib/hello_spectrum.py
+ !python3 hello_spectrum.py
+
diff --git a/docs/source/notebook/first_run.ipynb b/docs/source/notebook/first_run.ipynb
new file mode 100644
index 00000000..c5f208d9
--- /dev/null
+++ b/docs/source/notebook/first_run.ipynb
@@ -0,0 +1,142 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "[![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/SatCloP/pyrtlib/blob/main/docs/source/notebook/first_run.ipynb)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "# My first test with PyRTlib"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Installing PyRTlib via pip. Note that the following command will also install all requirements to execute properly PyRTlib package. It is possible to test development version by installing the package directly from github repository.\n",
+ "```console\n",
+ "!pip install https://github.com/SatCloP/pyrtlib/archive/refs/heads/dev.zip\n",
+ "```"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "!pip install pyrtlib"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Import necessary packages to perform and plotting your first spectrum in PyRTlib."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# This requires jupyter-matplotlib a.k.a. ipympl.\n",
+ "# ipympl can be install via pip or conda.\n",
+ "%matplotlib inline\n",
+ "import matplotlib.pyplot as plt\n",
+ "plt.rcParams.update({'font.size': 15})\n",
+ "import numpy as np"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Load standard climnatology and utils functions necessary to run the code."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "from pyrtlib.absorption_model import O2AbsModel\n",
+ "from pyrtlib.climatology import AtmosphericProfiles as atmp\n",
+ "from pyrtlib.tb_spectrum import TbCloudRTE\n",
+ "from pyrtlib.utils import ppmv2gkg, mr2rh"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The following code allows to performing spectra for one typical climatologies (Tropical) at 90° elevation angles. Please refer to the PyRTlib documentation for more details on how to use the library."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "z, p, _, t, md = atmp.gl_atm(atmp.TROPICAL)\n",
+ "\n",
+ "gkg = ppmv2gkg(md[:, atmp.H2O], atmp.H2O)\n",
+ "rh = mr2rh(p, t, gkg)[0] / 100\n",
+ "\n",
+ "frq = np.arange(20, 1001, 1)\n",
+ "\n",
+ "rte = TbCloudRTE(z, p, t, rh, frq)\n",
+ "rte.init_absmdl('R22SD')\n",
+ "O2AbsModel.model = 'R22'\n",
+ "O2AbsModel.set_ll()\n",
+ "df = rte.execute()\n",
+ "df = df.set_index(frq)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Plotting zenith upwelling brigthness temperature."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "df.tbtotal.plot(figsize=(25, 8), linewidth=3, xlabel=\"Frequency [GHz]\", ylabel=\"Brightness Temperature [K]\", grid=True)"
+ ]
+ }
+ ],
+ "metadata": {
+ "kernelspec": {
+ "display_name": "Python 3",
+ "language": "python",
+ "name": "python3"
+ },
+ "language_info": {
+ "codemirror_mode": {
+ "name": "ipython",
+ "version": 3
+ },
+ "file_extension": ".py",
+ "mimetype": "text/x-python",
+ "name": "python",
+ "nbconvert_exporter": "python",
+ "pygments_lexer": "ipython3",
+ "version": "3.10.10"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 2
+}
diff --git a/pyrtlib/absorption_model.py b/pyrtlib/absorption_model.py
index 7dd47408..73545fae 100644
--- a/pyrtlib/absorption_model.py
+++ b/pyrtlib/absorption_model.py
@@ -150,6 +150,7 @@ def liquid_water_absorption(water: np.ndarray, freq: np.ndarray, temp: np.ndarra
.. [1] [Liebe-Hufford-Manabe]_.
.. [2] [Liebe-Hufford-Cotton]_.
.. [3] [Rosenkranz-1988]_.
+ .. [4] [Rosenkranz-2015]_.
.. note::
Revision history:
@@ -168,6 +169,8 @@ def liquid_water_absorption(water: np.ndarray, freq: np.ndarray, temp: np.ndarra
eps1 = np.dot(0.0671, eps0)
eps2 = 3.52
fp = np.dot((np.dot(316.0, theta1) + 146.4), theta1) + 20.2
+ if LiqAbsModel.model == 'R03':
+ fp = 20.1 * np.exp(7.88 * theta1)
fs = np.dot(39.8, fp)
eps = (eps0 - eps1) / complex(1.0, freq / fp) + \
(eps1 - eps2) / complex(1.0, freq / fs) + eps2
diff --git a/pyrtlib/rt_equation.py b/pyrtlib/rt_equation.py
index bbaebf85..a92af008 100644
--- a/pyrtlib/rt_equation.py
+++ b/pyrtlib/rt_equation.py
@@ -153,7 +153,7 @@ def ray_tracing(z: np.ndarray, refindx: np.ndarray, angle: float, z0: float) ->
by Bean and Dutton (Fig. 3.20 and surrounding text) [Bean-Dutton]_.
Args:
- z (numpy.ndarray): Eight profile (km above observation height, z0).
+ z (numpy.ndarray): Height profile (km above observation height, z0).
refindx (numpy.ndarray): Refractive index profile.
angle (float): Elevation angle (degrees).
z0 (float): Observation height (km msl).
diff --git a/pyrtlib/tb_spectrum.py b/pyrtlib/tb_spectrum.py
index 6c0851d6..a43628d3 100644
--- a/pyrtlib/tb_spectrum.py
+++ b/pyrtlib/tb_spectrum.py
@@ -26,7 +26,7 @@ def __init__(self, z: np.ndarray, p: np.ndarray, t: np.ndarray, rh: np.ndarray,
o3n: Optional[np.ndarray] = None,
amu: Optional[Tuple] = None,
absmdl: Optional[str] = '',
- ray_tracing: Optional[bool] = True,
+ ray_tracing: Optional[bool] = False,
from_sat: Optional[bool] = True,
cloudy: Optional[bool] = False):
"""Main class which computes brightness temperatures (Tb), mean
@@ -48,9 +48,9 @@ def __init__(self, z: np.ndarray, p: np.ndarray, t: np.ndarray, rh: np.ndarray,
o3n (Optional[np.ndarray], optional): Ozone profile. Defaults to None.
amu (Optional[Tuple], optional): Absorption model uncertainties. Defined by :py:func:`~pyrtlib.uncertainty.SpectroscopicParameter`. Defaults to None.
absmdl (Optional[str], optional): Absorption model. Defaults to ''.
- ray_tracing (Optional[bool], optional): Wether True (default) it computes ray tracing for
+ ray_tracing (Optional[bool], optional): Wether True it computes ray tracing for
distance between layers, otherwise use simple plane
- parallel assumption. Defaults to True.
+ parallel assumption. Defaults to False.
from_sat (Optional[bool], optional): Wether True (default) compute upwelling Tb,
otherwise downwelling Tb are computed. Defaults to True.
cloudy (Optional[bool], optional): Wether True CLW must be passed. Defaults to False.
@@ -304,6 +304,11 @@ def execute(self, only_bt: bool = True) -> Union[pd.DataFrame, Tuple[pd.DataFram
"""
self._init_linelist()
+
+ if self.cloudy and LiqAbsModel.model in ['R98', 'R03']:
+ warnings.warn(
+ "Model {} for liquid cloud absorption is outdated. " \
+ "Use the more recent model by Rosenkranz, 2015, from R16 model onwards".format(LiqAbsModel.model), stacklevel=2)
# Set RTE
RTEquation._from_sat = self._satellite
diff --git a/pyrtlib/tests/data/tb_tot_ros03_16_17_18_19_19sd_20_20sd_98_mak11_21sd.csv b/pyrtlib/tests/data/tb_tot_ros03_16_17_18_19_19sd_20_20sd_98_mak11_21sd.csv
index 01cb275b..7892433a 100644
--- a/pyrtlib/tests/data/tb_tot_ros03_16_17_18_19_19sd_20_20sd_98_mak11_21sd.csv
+++ b/pyrtlib/tests/data/tb_tot_ros03_16_17_18_19_19sd_20_20sd_98_mak11_21sd.csv
@@ -1,182 +1,182 @@
-Unnamed: 0,ros03,ros16,ros17,ros19,ros19sd,ros20,ros20sd,ros18,mak11,rosen,ros21sd
-0,298.10838309634505,298.10996873107524,298.1118782804224,298.09606061365685,298.0953614263866,298.09495254382085,298.10814927336685,298.09626638301614,297.391837790353,298.1063909200954,298.10815559561087
-1,297.29419091155967,297.2456301324807,297.24594239686934,297.2281270105679,297.2406353508394,297.2268290930972,297.23939353543824,297.22834506911363,296.186240161788,297.2942840277885,297.2393456504609
-2,296.2955346241682,296.1535169648351,296.1517428813754,296.1477730200307,296.1896063528624,296.1462910585942,296.1164102100876,296.14800185871394,294.748245217739,296.2981431390718,296.11645701569813
-3,296.4163354405162,296.3402405942239,296.3397768188032,296.3346575022148,296.36235467706285,296.3328994807589,296.33261979297566,296.3349085638539,294.953482605179,296.41818955658897,296.3329122750313
-4,297.15139874042865,297.15844084227786,297.16105316183746,297.14404732111547,297.1479474162035,297.14193098321044,297.16273266612774,297.14433011126107,296.027798821902,297.15068271766467,297.16302810802244
-5,297.68307854343,297.7154253722828,297.72058585666286,297.7024533842302,297.6980348160805,297.6999594997964,297.71437848764396,297.7027685908482,296.81041972369,297.6802729592638,297.71463166679155
-6,297.99499309485407,298.03031840229755,298.0375139687284,298.021701346934,298.0155999451597,298.0188203699366,298.0259028708181,298.02204794866094,297.275643863032,297.99063602604514,298.02613259440227
-7,298.1681623163257,298.20053473824163,298.2095012692732,298.1962448316429,298.1904685974497,298.1929628378,298.195729483292,298.1966221960331,297.53867643906,298.16256033831485,298.195951638453
-8,298.2580577178716,298.28652056870334,298.2971646635907,298.2860007080316,298.2810252788935,298.2822988262843,298.2828832200593,298.2864087089872,297.6799338071,298.251345702536,298.2831069687278
-9,298.2959921709582,298.32087216478845,298.333204888664,298.32364334639834,298.3194934969742,298.31949890917423,298.31906614677575,298.3240821913868,297.745347553335,298.2881963651297,298.31929666525406
-10,298.29927553671433,298.3211257739866,298.335226697341,298.3268788112886,298.3234642889092,298.3222662646449,298.32141736998113,298.3273488989377,297.760551820362,298.2903499147094,298.321657730713
-11,298.2775921293227,298.2969152554344,298.3129151140422,298.3054922756547,298.30270782958087,298.30038378583254,298.2994259227285,298.3059941055059,297.74004768715,298.267436433196,298.29967807502896
-12,298.23638697029213,298.2535808379744,298.2716544130614,298.26494483928803,298.2626973766584,298.25931075561806,298.25840065888457,298.2654789557976,297.692133204799,298.2248541679933,298.25866592551347
-13,298.1786258956016,298.19398877735085,298.2143536401786,298.208200877525,298.2064143506922,298.20201020439504,298.2012268534206,298.20876783327327,297.62148932374,298.16552332184506,298.2015061872791
-14,298.1057180725214,298.1194662083296,298.1423853081835,298.1366722558929,298.13528617477243,298.1298932539341,298.12927788722743,298.1372725851003,297.530548373651,298.0908042859652,298.1295720080746
-15,298.0180010055617,298.0302855365856,298.056072762235,298.0507104742034,298.0496770387011,298.0433115480167,298.04287942928664,298.0513446710529,297.420224761264,298.0009791702063,298.043188898192
-16,297.9149832158367,297.92590370972675,297.9549322494439,297.94985219683355,297.9491335431994,297.94180325853165,297.94155924307216,297.95052069513724,297.290293934019,297.89549107247376,297.9418845026348
-17,297.795441295313,297.8050559862684,297.8377697243767,297.8329184399796,297.83248436267144,297.82419303749435,297.82414306433276,297.8336215917943,297.139563142737,297.77303727115617,297.8244844588214
-18,297.657416239223,297.6657498589366,297.70267839648653,297.69801374073927,297.6978398994553,297.6885923996003,297.68872688796597,297.6987517916958,296.96590283805,297.6315607613303,297.6890846712841
-19,297.49812531488004,297.5051755845538,297.5469538290749,297.54244236824815,297.5425088952577,297.532317868051,297.53262938890185,297.54321542721993,296.766166889275,297.4681558316411,297.5330037223235
-20,297.3137863306777,297.3195303704597,297.36692407176605,297.3625392327468,297.36282964428733,297.351725008324,297.3522208027686,297.36334723296494,296.536003508371,297.27888378789066,297.35261174461004
-21,297.09933362592267,297.1037359862244,297.15767516295267,297.15339594660134,297.1538962730548,297.14193962738153,297.1426001141327,297.1542385941206,296.26953658937,297.0584770360273,297.1430076025936
-22,296.84798358064427,296.8510086043275,296.91263157730805,296.90844169251113,296.9091397554193,296.8964472858316,296.8972818324971,296.9093183961182,295.958871700084,296.7998876266336,296.8977056541044
-23,296.55057489141336,296.5522082181208,296.6229200169422,296.6188073553607,296.61969212876875,296.60647238068003,296.6074741849657,296.6197171288612,295.593343968804,296.49360281657897,296.6079139339044
-24,296.1945533056884,296.1948416953523,296.2763919956065,296.27234841456504,296.2734094097067,296.26002778487845,296.26117177812074,296.2732897372206,295.158363363648,296.126592932465,296.2616267929843
-25,295.7623693760132,295.76149734867374,295.8560847353003,295.85210616404777,295.85333276804056,295.84042596123373,295.8417243311264,295.8530767755859,294.633602347536,295.6806526433456,295.8421935983735
-26,295.2288546723639,295.2272970951093,295.3377079053455,295.3337948521181,295.33517552581384,295.32386416201507,295.3253070263821,295.3347914421007,293.990050513005,295.1296878729092,295.3257890404311
-27,294.5567175425294,294.55555617099503,294.6853448735478,294.68150351748704,294.68302469851653,294.67533286363255,294.67688687389295,294.6825212350228,293.1850070565,294.4350650400219,294.6773794117895
-28,293.6882772401578,293.6898832823857,293.843587438294,293.8398317030832,293.841476129876,293.8412318864568,293.84290484918336,293.8408633410523,292.152978908239,293.5370929871113,293.84340460208045
-29,292.5286866967078,292.5381447343758,292.72144120228427,292.7177968011699,292.71954061209334,292.73459417972447,292.7363631357414,292.71883130901347,290.787160297144,292.3377821629213,292.7368650507161
-30,290.9048067636244,290.9277921884233,291.14644779872225,291.1429623309587,291.14476857704585,291.1943932518437,291.196208553623,291.1439812765466,288.886866151353,290.658773823641,291.1967043407477
-31,288.39779359600607,288.3308186873732,288.57227422565006,288.56905926504885,288.57085304590004,288.70635193230567,288.7081596454757,288.5700225642797,285.852977255463,288.071908394665,288.7086316011202
-32,283.1244194595652,283.2505540356831,283.44195829196855,283.43927477517974,283.4408860607276,283.75946571996474,283.7611027154977,283.4400913255821,280.049276954556,282.70248261209605,283.7615095677048
-33,271.8772584122019,272.28897879175514,272.202096774936,272.20041502240866,272.20151656659465,272.7893434077958,272.7904797768632,272.2009224798139,267.921055447095,271.3635295655782,272.7907426831215
-34,251.06805831453727,251.95377041565143,251.42895732077383,251.4284491147361,251.42883170222944,252.10403905520903,252.1044427597529,251.42859070517017,246.681311447706,250.54346359569183,252.1045218639394
-35,227.763890003344,228.319176440742,228.11326940518907,228.1132275535245,228.1132700916658,228.32559783692471,228.3256414541948,228.1132350586277,223.744803496226,227.2937234452841,228.3256467263101
-36,209.30350448075413,209.363357159018,209.3788132537165,209.3788129883673,209.37881371586684,209.3189814677079,209.318982148795,209.37881277981256,208.917335017692,209.24460676256152,209.31898217486184
-37,228.5671391322418,228.52913877117288,228.54896709258185,228.54896703754105,228.54896702733976,228.57181547899808,228.57181547838212,228.54896708334832,233.228746162335,228.64329691106943,228.5718154783905
-38,206.9471890442297,206.8751874131501,206.91498840949785,206.9149884067044,206.91498839500505,206.81293502093112,206.81293502426712,206.91498839554416,208.990690109535,207.06227966740727,206.8129350243008
-39,212.46314086428723,212.43495734005995,212.37949392988,212.37949390407329,212.37949387294745,212.32026125034704,212.32026124439258,212.3794939081219,215.943823070952,212.6634506247005,212.32026124439253
-40,208.74326600725445,208.63593636860392,208.6848321248798,208.6848321093128,208.68483207825813,208.7518163422673,208.75181633483672,208.6848321053481,211.693185476408,208.9289434934348,208.75181633483672
-41,212.8637127488633,212.9207638566611,212.81757956912125,212.81757954241127,212.8175795109884,212.99452156052752,212.99452155436745,212.81757954741929,216.459445406252,213.068820544525,212.99452155436745
-42,209.07020787643827,209.0613821945476,209.1002347425742,209.10023472817,209.1002347011305,209.07276415118375,209.07276414591948,209.1002347237213,211.924749630432,209.25262884173287,209.07276414592272
-43,262.0134123882028,261.969637608599,261.96915889358723,261.9691588483841,261.9691588525841,261.96857284628925,261.9685728462793,261.9691588978021,260.327375808256,261.9785849567927,261.9685728462793
-44,214.72381040254848,214.6460714483264,214.78958733712287,214.7895846410772,214.78958987852369,214.6299519077183,214.62995699092357,214.78958464189583,212.726411046327,214.5504952803853,214.629957246135
-45,236.8442669186108,237.80810349259187,237.25750278440336,237.2573734949252,237.25753042245827,237.7874030815489,237.78757173825588,237.25741375759225,232.488860202832,236.1969956968224,237.78759300544263
-46,259.880661710031,260.7249420106452,260.401560551092,260.4005865252846,260.4016020510552,261.199410548892,261.20048960374845,260.4009502895425,255.320111123575,259.0952188542479,261.2006782484702
-47,275.4788104315164,275.792058043601,275.9462825668511,275.94390706803387,275.9462856711777,276.5325287453545,276.5349816126759,275.9448449520318,271.455960387185,274.7518812258609,276.5354523682501
-48,283.4001312228245,283.3866722571395,283.71311666812085,283.70969870583883,283.71310926407483,284.0228953328857,284.02634946149465,283.7110824553489,279.976924193834,282.7958996938727,284.0270304438852
-49,287.243015094639,287.1518240202364,287.48687891646074,287.4828492486395,287.4869032387026,287.63582349798213,287.63989586980813,287.48450576420885,284.286832111521,286.7508548414205,287.64070443281474
-50,289.38860325673977,289.3293114130024,289.6275377158319,289.623116597873,289.627616003522,289.7037990715702,289.70830466731525,289.62495548499885,286.784823426117,288.98319568429395,289.7091999970123
-51,290.8443388560112,290.7718588010266,291.0307344294492,291.0260230697652,291.0308768943075,291.0758766523122,291.0807320161736,291.0280026362427,288.437036668128,290.503888657492,291.0816956721535
-52,291.89205474986784,291.81546097064523,292.0413464569589,292.036396596068,292.04155826652266,292.07024779101994,292.0754089996293,292.03849552646415,289.629172507669,291.60177126286976,292.0764313311231
-53,292.6723133849844,292.5961898105012,292.79482252430154,292.7896677702617,292.79510662043884,292.8143262180744,292.81976376386547,292.7918720730799,290.517418878427,292.4217594133873,292.8208383567982
-54,293.26721401664673,293.1935657336577,293.3696471755585,293.3643108164813,293.3700051894407,293.38331224830176,293.3890050419111,293.3666106647122,291.193135753732,293.0487912256492,293.3901273773013
-55,293.728567417699,293.6581729725412,293.8154837477143,293.809982538498,293.8159164779135,293.82529802717505,293.83123040392474,293.81237074666257,291.714600866189,293.536602479606,293.83239718753293
-56,294.0907688330372,294.0238209029048,294.1653959452145,294.15974228089567,294.16590363725714,294.1725262650868,294.1786862269686,294.16221343030907,292.12087183172,293.92093522523726,294.1798949953296
-57,294.37752819643754,294.3139403822984,294.44222711062434,294.436430372105,294.4428096292741,294.44738427417343,294.45376238162237,294.438980267862,292.439081046573,294.2264666379351,294.4550112537049
-58,294.6056851150509,294.545243301556,294.6622294763856,294.6562969051715,294.66288641541945,294.66585882489323,294.6724474653073,294.658922221981,292.688619869914,294.47074676396846,294.67373497883995
-59,294.7874972237434,294.7299357653598,294.8372491018916,294.831186389799,294.83797985582805,294.8396354386116,294.8464283264136,294.83388443225834,292.883676214591,294.66656542877934,294.84775332628413
-60,294.9320735234023,294.8771136359402,294.97609856855786,294.9699102670831,294.97690238027144,294.9774264093335,294.9844182342584,294.9726788025183,293.034838900646,294.8234372344276,294.98577979430445
-61,295.0463033996673,294.99367262558417,295.0854488149028,295.07913862663827,295.0863248075837,295.0858381953998,295.0930243688096,295.08197576549287,293.150146425243,294.94856605887094,295.0944217356557
-62,295.1354776382236,295.0849181027425,295.1704264648198,295.16399745541213,295.1713736635135,295.1699548430548,295.177331310807,295.1669015637368,293.23579109445,295.0474892326031,295.1787638627653
-63,295.2037123978683,295.15498470494146,295.23502223472246,295.22847699021924,295.2360395807455,295.23373820843267,295.2413013099053,295.231446624276,293.296604562031,295.1245195693775,295.2427685262272
-64,295.25424582033816,295.2071296096872,295.282377023467,295.2757177692943,295.2834633838671,295.2803090916192,295.28805545131064,295.2787516256767,293.336397608896,295.18305369714074,295.28955688885367
-65,295.28964896701626,295.2439421375398,295.3149855747073,295.3082142672672,295.3161397482572,295.31214781790214,295.3200742604126,295.3113111441954,293.358203398201,295.22579202728804,295.3216095355545
-66,295.31197822135306,295.2674954703972,295.33484374667546,295.32796214519743,295.33606446728464,295.3312395458543,295.33934302780096,295.3311209117914,293.364453778865,295.25489777792376,295.3409118022035
-67,295.322886817686,295.2794579050594,295.34355635671454,295.33656608071675,295.34484229501146,295.3391808337661,295.34745838801365,295.3397856521168,293.357108735806,295.2721134861789,295.3490603571901
-68,295.32370726317936,295.28117521800056,295.34241692007487,295.3353194962559,295.3437666835027,295.33725852587384,295.345707214753,295.338598813041,293.337752355588,295.27884723770086,295.3473420987014
-69,295.31551261792185,295.27373200003007,295.33246695338283,295.32526385486733,295.3338790852221,295.3265084722419,295.335125347237,295.32860186552256,293.307664399112,295.2762369011397,295.3367928825673
-70,295.2991620865146,295.2579973547854,295.3145400983275,295.3072327784,295.31601307575573,295.3077592405572,295.3165413065219,295.31062842399166,293.26787373269,295.2651980508932,295.3182412396238
-71,295.27533467147725,295.234658678965,295.28929468152,295.28188460355545,295.29082691287573,295.2816643738503,295.29060855618013,295.2853368038455,293.219197935808,295.2464594954508,295.2923406371436
-72,295.24455344940003,295.20424606774577,295.2572371792268,295.2497258365862,295.2588269929064,295.2487256149886,295.2578287283882,295.25323347705074,293.162272048849,295.220589096307,295.25959270548856
-73,295.20720216479987,295.16714903220446,295.2187382191614,295.21112712322605,295.2203838210617,295.2093086873523,295.21856740502864,295.21468904238566,293.097568436371,295.1880116671588,295.2203630187026
-74,295.1635351684079,295.1236265525744,295.17404210429345,295.16633290840883,295.175741670502,295.1636527873279,295.17306360942587,295.1699478849882,293.025408979212,295.1490200555047,295.17489058714983
-75,295.11368116420203,295.0738109323649,295.12327029711133,295.1154647724942,295.12502191643773,295.1118737613096,295.1214329812507,295.11913151182443,292.945970169124,295.1037799337313,295.1232910313481
-76,295.05764069809265,295.0177053902006,295.0664187849381,295.05851885064965,295.06822045211504,295.05396136238244,295.0636650296988,295.06223596978515,292.859281079171,295.05232828915393,295.0655538346106
-77,294.99527674847786,294.955174701498,295.00334863162567,294.99535638849085,295.0051982394027,294.9897696299366,294.999613507994,294.99912239923685,292.7652134941,294.99456502797057,295.00153271643893
-78,294.92629707951204,294.88592788983686,294.93376871846897,294.9256864894185,294.9356640477763,294.9189994377596,294.9289789530748,294.9294997782527,292.663463029425,294.9302364125494,294.930928170586
-79,294.85022607587564,294.80948988693865,294.85720760501925,294.84903798347665,294.8591463138357,294.8411701314727,294.85128031358346,294.8528967873624,292.553518057667,294.8589081186571,294.853259090724
-80,294.76636241616103,294.72515963152745,294.7729720072078,294.764717918109,294.7749516164017,294.7555777440576,294.7658131495501,294.76862029416145,292.434613366749,294.77992435452023,294.76782096684127
-81,294.6737168196986,294.6319481294783,294.68008545609734,294.6717502342902,294.68210333192377,294.6612333423753,294.6715879580682,294.67569402095745,292.305661600334,294.69234738838026,294.67362420624096
-82,294.5709212284332,294.52848790418864,294.5771986323287,294.5687861259032,294.57925196408473,294.5567729908136,294.56724010692756,294.5727688919997,292.165152918137,294.5948689996851,294.5693040604653
-83,294.4560943404055,294.412899642786,294.4624572810461,294.45397199086875,294.46454305187353,294.4403252313723,294.4508972713325,294.45799096702723,292.011007201888,294.48567898959703,294.4529880522648
-84,294.32664144989326,294.2825931153036,294.3333049349895,294.3247522077419,294.3354198827762,294.3093133122242,294.3199815986857,294.3288041919481,291.840353493693,294.36226902224115,294.3220981259452
-85,294.1789493258046,294.13396428772,294.1861825959415,294.1775688977853,294.18832315945724,294.1601543442115,294.170908769137,294.18165012191685,291.649194667505,294.2211329994655,294.1730496861012
-86,294.0079106648895,293.9619235216659,294.0160606204328,294.0073939352972,294.01822286283624,293.9877907186007,293.99861926542826,294.011499871443,291.431885632139,294.0572992127158,294.0007828336943
-87,293.8061617082864,293.7591397811781,293.8156882815426,293.8069787073076,293.8178677782113,293.78493947815184,293.7958275093983,293.81110377861086,291.180298566612,293.86357893429937,293.7980114489116
-88,293.5628192404416,293.5147895511454,293.574350583203,293.5656112523884,293.5765422512969,293.5408497436128,293.5517789044514,293.56974838745214,290.88244345642,293.6293192946396,293.553980145518
-89,293.2613066646474,293.2124052016023,293.27572845003425,293.2669770019541,293.2779262791546,293.2391655590385,293.25011202886793,293.27111692374893,290.520100735292,293.338252549953,293.25232631440707
-90,292.8754408632197,292.8260052257623,292.8940469228748,292.8853079523774,292.8962435303163,292.8540817509133,292.8650133409597,292.8894379974344,290.064575150225,292.96461682995954,292.8672345634418
-91,292.36200781287977,292.31275846503723,292.38676678859434,292.3780761073687,292.3889526474692,292.3430555579923,292.3539266672301,292.3821781744216,289.46867534308,292.46577885772774,292.3561457133754
-92,291.64576125444427,291.5981745127685,291.67981613553485,291.6712285833513,291.68197815538787,291.6320893795996,291.6428317530396,291.6752753798534,288.650599545239,291.7672923857377,291.64503438504886
-93,290.58673672357315,290.5438626489851,290.6354054682143,290.62701010742325,290.6375242034308,290.5836799373177,290.5941846761744,290.6309578646361,287.459090052418,290.7302452294044,290.59634741191974
-94,288.90217580600364,288.8705764375005,288.9751187009426,288.96707037517,288.97716241085305,288.9202770159915,288.9303571098152,288.9708437664236,285.591082062061,289.07299642795505,288.9324386795587
-95,285.9579840000782,285.952756862384,286.07431377080644,286.06690288002443,286.07622461193625,286.0197544263752,286.02906132761075,286.0703618629841,282.375245803025,286.1612450415364,286.03098385402933
-96,280.1337071124774,280.1925502631667,280.33473773813137,280.328546862275,280.3363969876031,280.2912398824979,280.2990726799973,280.33141320070547,276.130034932952,280.36541844855464,280.30067980684794
-97,266.6402765781018,266.85836174767167,267.01395264341755,267.0101118294352,267.01509751213644,267.0119711864594,267.01693973595343,267.01185592632646,262.065161550851,266.8409735554523,267.01793076354187
-98,231.294409559485,231.70702030218524,231.8011898565091,231.80057521291468,231.8014416623589,231.85574394874303,231.85660102479167,231.80083409539927,227.317974145462,231.26319502713,231.8567553117679
-99,208.90373927345345,208.85611626839795,208.85082038246043,208.85080642077563,208.8508281036441,208.7812003049092,208.78122110536393,208.85081155910925,209.998315240777,208.91863604622625,208.78122451919413
-100,253.223302508461,253.8778258606931,253.73402593331497,253.7318226051058,253.73475354279745,254.06077384403616,254.06372990128858,253.7327882299082,248.816680186615,252.8520802537336,254.06431390071955
-101,274.9183518646682,275.3534855468639,275.20384547844657,275.1985264284709,275.20525917106323,275.4762678986132,275.4830481651682,275.2009319679695,270.908407937473,274.62474365032665,275.48449033661785
-102,283.4048239564105,283.689717889827,283.5633515982337,283.5562517866144,283.5650600196573,283.76689794620154,283.77575434390616,283.5594857409632,279.788221278806,283.1730542120505,283.7777040295029
-103,287.2746048548521,287.47406317313335,287.3692154250404,287.36117118799376,287.37103703061223,287.5259528003629,287.5358626468456,287.36483739239543,283.870164711317,287.0848689036106,287.538094579332
-104,289.2812402916802,289.42888828360424,289.3405980330722,289.3320239672656,289.34244998335686,289.46614029017866,289.4766059748664,289.33592352239555,285.982820964503,289.1217587656816,289.4790084296849
-105,290.4207726064126,290.5345712877047,290.45879244333423,290.4499037966829,290.460631152512,290.56270532394416,290.5734686539329,290.4539322359009,287.171507731684,290.2841124358809,290.57598430548313
-106,291.10876633224484,291.19903026328814,291.1328366691536,291.1237552756506,291.134635301987,291.22108758942966,291.23200054139056,291.12785254094274,287.877131795087,290.9899578252314,291.23459776160166
-107,291.5402700432616,291.6133310536241,291.554628460625,291.545429703994,291.5563679069871,291.6310999346832,291.6420685267489,291.5495578088438,288.30785424639,291.43584357018926,291.644728582391
-108,291.8157703315439,291.875735996221,291.8230033752088,291.81373807919994,291.8246682643228,291.8903301320154,291.90128855008817,291.8178706577788,288.571259198241,291.7232189477517,291.90399962229554
-109,291.99101420089795,292.0406722344148,291.9927811340179,291.9834864801043,291.9943579038606,292.05282015322007,292.0637179289479,291.9876035600305,288.727129547879,291.9084745747826,292.0664721322234
-110,292.0988281233371,292.1401408278556,292.0962363910899,292.08694172282287,292.09771225959844,292.1503395567574,292.1611347586478,292.09102693195115,288.810690910913,292.0248821070268,292.1639265591276
-111,292.1595099097183,292.1939005718776,292.15332224871224,292.14405239520505,292.15468466785654,292.2025018149218,292.2131571974166,292.1480913751649,288.843725056549,292.0930563743817,292.21598252674306
-112,292.1861257817614,292.21465229292176,292.1768804829241,292.1676576872595,292.1781167368424,292.2219130042314,292.2323936905939,292.1716371361288,288.840246162206,292.1262951869344,292.23524942406624
-113,292.1873736435971,292.21083807215814,292.17545745303147,292.16630263204155,292.1765544278012,292.2169514604888,292.22722346184145,292.17020969141447,288.809573825937,292.13346949998214,292.230107097818
-114,292.1692084404884,292.1882288110575,292.154902614073,292.14583619089564,292.1558466155129,292.1933440124683,292.2033732191669,292.14965802870734,288.75807941055,292.12066622476794,292.2062826746713
-115,292.1358031077305,292.1508614970925,292.1193131010212,292.110355596547,292.1200897074768,292.15509646608143,292.16484791297563,292.11407910275045,288.690218534755,292.09216081690874,292.1677813886602
-116,292.09013761622697,292.1016135083916,292.07161302380246,292.0627855047963,292.0722069559559,292.10506370880955,292.11450099926225,292.0663970532848,288.609164289434,292.05101427467537,292.11745688726603
-117,292.0343713445463,292.0425651912392,292.01391951333414,292.0052439559191,292.0143145116156,292.0453096085728,292.0543944294537,292.00872920399746,288.517207367018,291.9994510660636,292.0573712484147
-118,291.97008510424183,291.9752351001911,291.94778041600057,291.9392800212094,291.94795911901247,291.9773405014388,291.98603218602346,291.94262372859725,288.416015789703,291.93910511263823,291.98902853373164
-119,291.8984416387969,291.9007361415585,291.87433220294787,291.86603168844886,291.87427602240103,291.90226016281525,291.9105152731739,291.8692175438037,288.306807353077,291.8711830968126,291.9135297907801
-120,291.820294401731,291.81988129533323,291.7944069827527,291.7863328675717,291.79409597166443,291.8208747298966,291.8286466386832,291.78934331385483,288.190466397164,291.79657571060204,291.83167798261223
-121,291.7362628511252,291.7332559461121,291.7086057845914,291.7007866794699,291.708018496089,291.7337644802537,291.7410029366935,291.7036027314029,288.067623609286,291.7159338567249,291.7440497556165
-122,291.6467843005448,291.6412687149748,291.6173501117947,291.60981702513646,291.61646344626416,291.64133427390306,291.64798494171,291.6124180731205,287.938712181921,291.629722424181,291.6510458568169
-123,291.55215047117963,291.54418638307214,291.5209174056851,291.5137040741827,291.5197064443151,291.5438482044749,291.5498521605457,291.51606766939364,287.804006235354,291.5382574444669,291.55292574780583
-124,291.45253295250376,291.4421584356981,291.4194660069931,291.4126092593026,291.41790382980133,291.44145394967137,291.44674713323445,291.41471087471785,287.663647813941,291.4417323836369,291.4498319066789
-125,291.3480006964276,291.3352337812088,291.3130521965561,291.30659235862225,291.31110968317927,291.3341993551755,291.3387119568708,291.3084051204786,287.517665200692,291.3402362545341,291.34180635219377
-126,291.23853157218184,291.2233716798218,291.201641374408,291.19562272562166,291.19928698608913,291.2220432717636,291.2256990517127,291.1971171092285,287.365984816276,291.23376568632284,291.22880140952
-127,291.12401932631894,291.1064481825112,291.08511469436087,291.07958598476694,291.0823142357991,291.1048619359181,291.1075774589729,291.0807294677414,287.208438144767,291.12223232478954,291.11068600717124
-128,291.0042768243714,290.9842589240916,290.963272010524,290.9582870506198,290.95998837058977,290.982451731484,290.9841355067444,290.95904371557816,287.044764626491,291.00546646236705,290.9872483415295
-129,290.87902370639426,290.85651879016933,290.83583166455065,290.8314500011493,290.83202453555026,290.8545288478889,290.8550803583335,290.8317800784236,286.874611103162,290.8832174596868,290.8581954232796
-130,290.7478308585367,290.7228587360797,290.70242739851494,290.6987150922935,290.6980975343933,290.7207261106741,290.72007361267197,290.6985744315929,286.697528138149,290.75515127024806,290.72318698357213
-131,290.6101602850363,290.58281984417687,290.5625636433722,290.5596330082268,290.55766310692417,290.5805870698536,290.5785746391506,290.5589336451449,286.512963329645,290.6208451821624,290.58168536446175
-132,290.46527325274553,290.4358445422655,290.41559461970945,290.4136562772611,290.4102011215348,290.4335572690339,290.43005089899094,290.412214721627,286.320251563436,290.4797797231252,290.4331562807242
-133,290.31264299037514,290.2812647536513,290.26069451103155,290.2601276310412,290.2550402903545,290.2789724672336,290.2738239429139,290.2575949950634,286.118601997463,290.33132751972687,290.2769210109842
-134,290.1515374526764,290.118277549992,290.09715971182175,290.09826493122284,290.091542357241,290.1160434327846,290.1092255190144,290.09437434286195,285.907061472692,290.1747387464563,290.11230756038736
-135,289.9810762908799,289.94562730830773,289.92400577427753,289.92714212229225,289.9184661050272,289.94383676383586,289.93505020885664,289.92157233972705,285.684113577723,290.0091226317268,289.938116535144
-136,289.8001124237589,289.76178366950666,289.7401058481237,289.7456654808744,289.7348394794485,289.7612510022432,289.7502969660481,289.7380667240967,285.448053400198,289.8334242966919,289.7533434407953
-137,289.60743780086494,289.5653772099263,289.5442312821535,289.5525442100783,289.53959801746123,289.566987086166,289.55385438867563,289.5426340892953,285.197378305013,289.6463959759662,289.55687520428035
-138,289.4016769405897,289.3550139982158,289.33487045972413,289.34625416059544,289.3307358070831,289.35951192050504,289.3437799781203,289.333768827094,284.93051209911,289.44656139497,289.3467709319898
-139,289.1810021025782,289.1291223325679,289.1102279617881,289.12499313624653,289.10664120913856,289.1370135208616,289.11841668720473,289.1096823879685,284.645662495313,289.2321717425481,289.1213718887741
-140,288.9433035659376,288.8857119817509,288.8680711587398,288.886625847649,288.8651512798365,288.89734579372924,288.87558997518585,288.86814998769376,284.340583888456,289.00115126400027,288.87850276668524
-141,288.6862233022205,288.6223974027388,288.60600276648006,288.62861606551667,288.60399545220565,288.63796050505425,288.61296721639394,288.6067832821818,284.012607148755,288.75102999311554,288.6158319109901
-142,288.4066344705466,288.3361674784267,288.3209935710171,288.34794320718345,288.31958340307443,288.35582367472045,288.32703620863947,288.3225632149175,283.658415083396,288.47886052637466,288.3298427328484
-143,288.1011273391452,288.02341130394444,288.009314773757,288.0409991812433,288.00852789238064,288.0473122275289,288.01455020538344,288.0117724544771,283.274075550635,288.1811149707688,288.0172951734278
-144,287.765341956615,287.67998573739294,287.66674201858166,287.7034618042369,287.66677365145006,287.70808723029245,287.67078050598656,287.67019949575626,282.855096880766,287.8535575930425,287.6734480266219
-145,287.3941568719792,287.3006852822256,287.2880416411387,287.3301390607869,287.2885702173781,287.3329380068166,287.2906548998408,287.29262488561307,282.395940525768,287.4910869728324,287.2932329132545
-146,286.981384760741,286.8791935508134,286.86682539147347,286.91477837814887,286.8681937130201,286.91559133580444,286.86812682323784,286.8726757984958,281.889988730086,287.0875416625194,286.87061556140105
-147,286.5194761791792,286.4078918509381,286.3956162732217,286.44983175258733,286.3975631640566,286.4484766172247,286.3951862908003,286.40289166067123,281.329379184822,286.6354587273105,286.3975604278688
-148,285.99938011488405,285.8775821730607,285.865163226028,285.926179701521,285.8680953466749,285.922450027211,285.8631266709456,285.874037690927,280.704767095684,286.1257872209018,285.8653893210718
-149,285.4100397207141,285.2771374794375,285.26438647983906,285.33278356685673,285.26832595269406,285.32644725377946,285.2606882860278,285.2750499180185,280.005015241814,285.5475245261507,285.262826455176
-150,284.73806037122847,284.59308519436206,284.57983270057,284.6562696446737,284.58543156686824,284.6470682792085,284.5744898878199,284.59248831641264,279.216807643379,284.8872784267326,284.5764788745333
-151,283.9671604064932,283.8090854631518,283.7951491888839,283.8804082186679,283.80308346706806,283.8680571650417,283.78865608327555,283.81000933103354,278.324112231356,284.12871900082314,283.79050385440894
-152,283.0773518235916,282.90523439493995,282.89048775323823,282.9854165850737,282.9016564597736,282.96960554749893,282.8834606087085,282.90776844476005,277.30735549844,283.2518558985861,282.88516646496834
-153,282.0441070004517,281.85701915423994,281.8413130730651,281.946912288942,281.85729108949226,281.9273053648088,281.83475806479987,281.8612296352748,276.142028745135,282.2319855525833,281.83632936944866
-154,280.836264077443,280.63352151615226,280.6167366092377,280.734111087354,280.6394222990902,280.7103448403392,280.6121713710923,280.6395068304837,274.796216593385,281.0379372396773,280.613657603352
-155,279.41290776636794,279.1940191557422,279.1761113673984,279.3064117885629,279.2078612214992,279.27809223322106,279.17539699030476,279.2019784443942,273.22630872147,279.62880772645383,279.17687545751085
-156,277.716856507699,277.48146709296134,277.4623544129371,277.6068252883125,277.50613648186544,277.5735382804048,277.46793475485,277.4916453651681,271.370333655169,277.9476455506641,277.4695426259986
-157,275.6628552459168,275.4108579491182,275.3903873692772,275.5501648831101,275.44999413451217,275.5115589994226,275.40560872360356,275.4236109927039,269.13975757585,275.90980675648603,275.4075717744039
-158,273.1195143730882,272.8516513946922,272.8296090792599,273.0049631699075,272.9101370170979,272.9610739344598,272.85958453168763,272.8675484819705,266.412923423767,273.38428119392523,272.8622633259708
-159,269.8896293588232,269.6099946457182,269.5862612153558,269.77437800950406,269.6943790180329,269.7265513550639,269.6392015971139,269.62991756019244,263.030552415524,270.1719900592268,269.6431595833767
-160,265.70842219468483,265.4305518591432,265.4054638190533,265.59537352013166,265.5468186293336,265.5482536715146,265.4923318997252,265.4557310352788,258.780030411169,266.00024967183646,265.4983838799973
-161,260.2732203828074,260.0303318288656,260.00485185220714,260.16762797088523,260.17230349546963,260.1328086334009,260.1317473653577,260.0627390803164,253.369659043845,260.5507721130998,260.1407232173496
-162,253.250573102589,253.12480165360327,253.0996350704125,253.16105763460672,253.232806545746,253.16813224892903,253.239635459297,253.1703930737904,246.468815627124,253.46272753293923,253.24977373748345
-163,245.04754802880083,245.30274368476285,245.2759315174272,245.0387847665502,245.09372456044468,245.17162531645255,245.23999100657457,245.3835044531021,238.750075616444,245.0195342373704,245.22569208683808
-164,248.24258829203143,248.41361974874167,248.3880335433109,248.45204984767275,248.54037482713989,248.4840410626372,248.5720197377842,248.48314690989284,241.778329389085,248.0618389254647,248.5745028653332
-165,256.06612596915653,256.00283535787275,255.97751916034863,256.2161005333777,256.256358053193,256.1723763922588,256.21468564834004,256.0490614065064,249.34491247777,256.0192594725692,256.2248592267858
-166,262.17920384925327,262.0234704771588,261.99803790386943,262.2682762191127,262.24359340586346,262.2055599566937,262.18455745641654,262.0583583641725,255.362907291343,262.21554365180884,262.1922143633122
-167,266.8424324445885,266.646782071029,266.62211457152296,266.884498005123,266.8163532936687,266.81990062553245,266.7556891313442,266.6740216330583,260.007691690974,266.92977366528544,266.7608527473652
-168,270.3998067683587,270.1892934854192,270.1660870083532,270.40794255607017,270.3163812370926,270.3478680016185,270.25987985586204,270.21065224463564,263.628723855795,270.5172790571572,270.2633764732292
-169,273.1363184823239,272.9233783265568,272.9017966265793,273.1211242218605,273.0195375325303,273.0675003790257,272.96901609204036,272.94013491305327,266.488800927665,273.2709914505195,272.9715043954631
-170,275.27842638648417,275.0688990927052,275.0488221384599,275.2476026700952,275.1434311814809,275.2004516398707,275.0989814589292,275.0819879896358,268.773502198871,275.42311007326833,275.1008998217192
-171,276.98799908995915,276.7846376645217,276.7658935140553,276.94701711034395,276.84418929748585,276.90574379833487,276.8053085904801,276.7947096801636,270.618735261615,277.1387363493834,276.8069381588463
-172,278.3745982273838,278.1787574631058,278.16120704682226,278.32739176552474,278.2281020629331,278.291301690616,278.1941834075853,278.186269482784,272.125897453292,278.5290130140072,278.19570560310734
-173,279.51253565495017,279.3248375347074,279.30838046323004,279.46192852287714,279.3675527805907,279.430383415688,279.33793039283245,279.330129364282,273.369612540169,279.6690375198662,279.33945201561045
-174,280.4537349852983,280.27436932900684,280.25892844364773,280.4017346680571,280.31306192979747,280.37417937309635,280.28721786185133,280.27770411239595,274.404175521064,280.61118657106056,280.28880022209825
-175,281.2366099628993,281.0654645900367,281.0509727724024,281.18460674048146,281.10207563952366,281.1605597705329,281.0795313353145,281.06706427681945,275.270095179624,281.3941923233237,281.0812065247099
-176,281.8903053935378,281.7270416434792,281.7134343722097,281.8392011178065,281.7629587694076,281.81824278625675,281.74349901262536,281.7270964189919,275.997899287137,282.04744418893483,281.74530271346424
-177,282.43763375803235,282.28177956609693,282.26899247824457,282.3879840604906,282.31821293354125,282.369746530891,282.3011246262221,282.2804547307365,276.611319183753,282.5939467327377,282.3030442105816
-178,282.8967875702011,282.74779829389183,282.73576730828086,282.8489019483207,282.7852291893824,282.83306199383554,282.77034919613965,282.74523825208087,277.129218150488,283.05204023389047,282.77238125558654
-179,283.28244327888154,283.13974568547326,283.12840806402136,283.2364607320394,283.1788635218336,283.2227342122061,283.16598679094204,283.13607670182046,277.566839552447,283.43651109055065,283.16815096000954
-180,283.6065313404607,283.46955370822684,283.45884920054453,283.56247573683305,283.5103748603988,283.5506130300884,283.4991932271226,283.4648861283968,277.936645181095,283.7593686772492,283.50145968412875
+Unnamed: 0,ros03,ros16,ros17,ros19,ros19sd,ros20,ros20sd,ros18,mak11,rosen,ros21sd,rayt_37_19sd
+0,298.10838309634505,298.10996873107524,298.1118782804224,298.09606061365685,298.0953614263866,298.09495254382085,298.10814927336685,298.09626638301614,297.391837790353,298.1063909200954,298.10815559561087,297.09043291803306
+1,297.29419091155967,297.2456301324807,297.24594239686934,297.2281270105679,297.2406353508394,297.2268290930972,297.23939353543824,297.22834506911363,296.186240161788,297.2942840277885,297.2393456504609,295.74355448629103
+2,296.2955346241682,296.1535169648351,296.1517428813754,296.1477730200307,296.1896063528624,296.1462910585942,296.1164102100876,296.14800185871394,294.748245217739,296.2981431390718,296.11645701569813,294.1140349470342
+3,296.4163354405162,296.3402405942239,296.3397768188032,296.3346575022148,296.36235467706285,296.3328994807589,296.33261979297566,296.3349085638539,294.953482605179,296.41818955658897,296.3329122750313,294.3866400422129
+4,297.15139874042865,297.15844084227786,297.16105316183746,297.14404732111547,297.1479474162035,297.14193098321044,297.16273266612774,297.14433011126107,296.027798821902,297.15068271766467,297.16302810802244,295.60295172053674
+5,297.68307854343,297.7154253722828,297.72058585666286,297.7024533842302,297.6980348160805,297.6999594997964,297.714378487644,297.7027685908482,296.81041972369,297.6802729592638,297.71463166679155,296.4618509294365
+6,297.99499309485407,298.03031840229755,298.0375139687284,298.021701346934,298.0155999451597,298.0188203699366,298.0259028708181,298.02204794866094,297.275643863032,297.99063602604514,298.02613259440227,296.9621194347186
+7,298.1681623163257,298.20053473824163,298.2095012692732,298.1962448316429,298.1904685974497,298.1929628378,298.195729483292,298.1966221960331,297.53867643906,298.16256033831485,298.195951638453,297.2390740154711
+8,298.2580577178716,298.28652056870334,298.2971646635907,298.2860007080316,298.2810252788935,298.2822988262843,298.2828832200593,298.2864087089872,297.6799338071,298.251345702536,298.2831069687278,297.38266451281686
+9,298.2959921709582,298.32087216478845,298.333204888664,298.32364334639834,298.3194934969742,298.31949890917423,298.3190661467757,298.3240821913868,297.745347553335,298.2881963651297,298.31929666525406,297.44325892753415
+10,298.29927553671433,298.3211257739866,298.335226697341,298.3268788112886,298.3234642889092,298.3222662646449,298.32141736998113,298.3273488989377,297.760551820362,298.2903499147094,298.321657730713,297.44862262465136
+11,298.2775921293227,298.2969152554344,298.3129151140422,298.3054922756547,298.30270782958087,298.30038378583254,298.2994259227285,298.3059941055059,297.74004768715,298.267436433196,298.29967807502896,297.4142834346269
+12,298.23638697029213,298.2535808379744,298.2716544130614,298.26494483928803,298.2626973766584,298.25931075561806,298.25840065888457,298.2654789557976,297.692133204799,298.2248541679933,298.25866592551347,297.3489880472207
+13,298.1786258956016,298.19398877735085,298.2143536401786,298.208200877525,298.2064143506922,298.20201020439504,298.2012268534206,298.20876783327327,297.62148932374,298.16552332184506,298.2015061872791,297.2575285435866
+14,298.1057180725214,298.1194662083296,298.1423853081835,298.1366722558929,298.13528617477243,298.1298932539341,298.12927788722743,298.1372725851003,297.530548373651,298.0908042859652,298.1295720080746,297.1422229472098
+15,298.0180010055617,298.0302855365856,298.056072762235,298.0507104742034,298.0496770387011,298.0433115480167,298.04287942928664,298.0513446710529,297.420224761264,298.0009791702063,298.043188898192,297.00369558776845
+16,297.9149832158367,297.92590370972675,297.9549322494439,297.94985219683355,297.9491335431994,297.94180325853165,297.94155924307216,297.95052069513724,297.290293934019,297.89549107247376,297.9418845026348,296.84127149983823
+17,297.795441295313,297.8050559862684,297.8377697243767,297.8329184399796,297.83248436267144,297.82419303749435,297.8241430643328,297.8336215917943,297.139563142737,297.77303727115617,297.8244844588214,296.65314074512423
+18,297.657416239223,297.6657498589366,297.70267839648653,297.69801374073927,297.6978398994553,297.6885923996003,297.688726887966,297.6987517916958,296.96590283805,297.6315607613303,297.6890846712841,296.43636594970843
+19,297.49812531488004,297.5051755845538,297.5469538290749,297.54244236824815,297.5425088952577,297.532317868051,297.53262938890185,297.54321542721993,296.766166889275,297.4681558316411,297.5330037223235,296.18676130606895
+20,297.3137863306777,297.3195303704597,297.36692407176605,297.3625392327468,297.36282964428733,297.351725008324,297.3522208027686,297.36334723296494,296.536003508371,297.27888378789066,297.35261174461004,295.8986416897102
+21,297.09933362592267,297.1037359862244,297.15767516295267,297.15339594660134,297.1538962730548,297.14193962738153,297.1426001141327,297.1542385941206,296.26953658937,297.0584770360273,297.1430076025936,295.5644149761099
+22,296.84798358064427,296.8510086043275,296.91263157730805,296.90844169251113,296.9091397554193,296.8964472858316,296.8972818324971,296.9093183961182,295.958871700084,296.7998876266336,296.8977056541044,295.1739607149431
+23,296.55057489141336,296.5522082181208,296.6229200169422,296.6188073553607,296.61969212876875,296.60647238068003,296.6074741849657,296.6197171288612,295.593343968804,296.49360281657897,296.6079139339044,294.7136946333524
+24,296.1945533056884,296.1948416953523,296.2763919956065,296.27234841456504,296.2734094097067,296.26002778487845,296.26117177812074,296.2732897372206,295.158363363648,296.126592932465,296.2616267929843,294.16514589430307
+25,295.7623693760132,295.76149734867374,295.8560847353003,295.85210616404777,295.85333276804056,295.84042596123373,295.8417243311264,295.8530767755859,294.633602347536,295.6806526433456,295.8421935983735,293.50274550360217
+26,295.2288546723639,295.2272970951093,295.3377079053455,295.3337948521181,295.33517552581384,295.32386416201507,295.3253070263821,295.3347914421007,293.990050513005,295.1296878729092,295.3257890404311,292.6902713283742
+27,294.5567175425294,294.55555617099503,294.6853448735478,294.68150351748704,294.68302469851653,294.67533286363255,294.6768868738929,294.6825212350228,293.1850070565,294.4350650400219,294.6773794117895,291.6748828997229
+28,293.6882772401578,293.6898832823857,293.843587438294,293.8398317030832,293.841476129876,293.8412318864568,293.84290484918336,293.8408633410523,292.152978908239,293.5370929871113,293.84340460208045,290.3764510742771
+29,292.5286866967078,292.5381447343758,292.72144120228427,292.7177968011699,292.71954061209334,292.73459417972447,292.7363631357414,292.71883130901347,290.787160297144,292.3377821629213,292.7368650507161,288.66625590018856
+30,290.9048067636244,290.9277921884233,291.14644779872225,291.1429623309587,291.14476857704585,291.1943932518437,291.196208553623,291.1439812765466,288.886866151353,290.658773823641,291.1967043407477,286.3068341778615
+31,288.39779359600607,288.3308186873732,288.57227422565006,288.56905926504885,288.57085304590004,288.70635193230567,288.7081596454757,288.5700225642797,285.852977255463,288.071908394665,288.7086316011202,282.5545805244408
+32,283.1244194595652,283.2505540356831,283.44195829196855,283.43927477517974,283.4408860607276,283.75946571996474,283.7611027154977,283.4400913255821,280.049276954556,282.70248261209605,283.7615095677048,275.4245217397141
+33,271.8772584122019,272.28897879175514,272.202096774936,272.20041502240866,272.20151656659465,272.7893434077958,272.7904797768632,272.2009224798139,267.921055447095,271.3635295655782,272.7907426831215,261.1913039728095
+34,251.06805831453727,251.95377041565143,251.42895732077383,251.4284491147361,251.42883170222944,252.10403905520903,252.1044427597529,251.42859070517017,246.681311447706,250.54346359569183,252.1045218639394,238.81132935864477
+35,227.763890003344,228.319176440742,228.11326940518907,228.1132275535245,228.1132700916658,228.32559783692471,228.3256414541948,228.1132350586277,223.744803496226,227.2937234452841,228.3256467263101,218.3521020065058
+36,209.30350448075413,209.363357159018,209.3788132537165,209.3788129883673,209.37881371586684,209.3189814677079,209.318982148795,209.37881277981256,208.917335017692,209.24460676256152,209.31898217486184,207.70326597477364
+37,228.5671391322418,228.52913877117288,228.54896709258185,228.54896703754105,228.54896702733976,228.57181547899808,228.5718154783821,228.54896708334832,233.228746162335,228.64329691106943,228.5718154783905,233.58254181613495
+38,206.9471890442297,206.8751874131501,206.91498840949785,206.9149884067044,206.91498839500505,206.81293502093112,206.81293502426712,206.91498839554416,208.990690109535,207.06227966740727,206.8129350243008,209.6918139482349
+39,212.46314086428723,212.43495734005995,212.37949392988,212.37949390407329,212.37949387294745,212.32026125034704,212.32026124439255,212.3794939081219,215.943823070952,212.6634506247005,212.32026124439253,216.8680733652269
+40,208.74326600725445,208.63593636860392,208.6848321248798,208.6848321093128,208.68483207825813,208.7518163422673,208.75181633483672,208.6848321053481,211.693185476408,208.9289434934348,208.75181633483672,212.62500796292593
+41,212.8637127488633,212.9207638566611,212.81757956912125,212.81757954241127,212.8175795109884,212.99452156052752,212.99452155436745,212.81757954741929,216.459445406252,213.068820544525,212.99452155436745,217.35730467312297
+42,209.07020787643827,209.0613821945476,209.1002347425742,209.10023472817,209.1002347011305,209.07276415118372,209.07276414591948,209.1002347237213,211.924749630432,209.25262884173287,209.07276414592272,212.9696142473339
+43,262.0134123882028,261.969637608599,261.96915889358723,261.9691588483841,261.9691588525841,261.96857284628925,261.9685728462793,261.9691588978021,260.327375808256,261.9785849567927,261.9685728462793,263.3606835881257
+44,214.72381040254848,214.6460714483264,214.78958733712287,214.7895846410772,214.78958987852369,214.6299519077183,214.6299569909236,214.78958464189583,212.726411046327,214.5504952803853,214.629957246135,210.12326071654536
+45,236.8442669186108,237.80810349259187,237.25750278440336,237.2573734949252,237.25753042245827,237.7874030815489,237.78757173825588,237.25741375759225,232.488860202832,236.1969956968224,237.78759300544263,226.27841987590784
+46,259.880661710031,260.7249420106452,260.401560551092,260.4005865252846,260.4016020510552,261.199410548892,261.20048960374845,260.4009502895425,255.320111123575,259.0952188542479,261.2006782484702,248.49202559013244
+47,275.4788104315164,275.792058043601,275.9462825668511,275.94390706803387,275.9462856711777,276.5325287453545,276.5349816126759,275.9448449520318,271.455960387185,274.7518812258609,276.5354523682501,265.9737437748669
+48,283.4001312228245,283.3866722571395,283.71311666812085,283.70969870583883,283.71310926407483,284.0228953328857,284.02634946149465,283.7110824553489,279.976924193834,282.7958996938727,284.0270304438852,275.88504687398967
+49,287.243015094639,287.1518240202364,287.48687891646074,287.4828492486395,287.4869032387026,287.63582349798213,287.63989586980813,287.48450576420885,284.286832111521,286.7508548414205,287.64070443281474,281.0759698823528
+50,289.38860325673977,289.3293114130024,289.6275377158319,289.623116597873,289.627616003522,289.7037990715702,289.70830466731525,289.62495548499885,286.784823426117,288.98319568429395,289.7091999970123,284.14770396793733
+51,290.8443388560112,290.7718588010266,291.0307344294492,291.0260230697652,291.0308768943075,291.0758766523122,291.0807320161736,291.0280026362427,288.437036668128,290.503888657492,291.0816956721535,286.21177155293265
+52,291.89205474986784,291.81546097064523,292.0413464569589,292.036396596068,292.04155826652266,292.07024779101994,292.0754089996293,292.03849552646415,289.629172507669,291.60177126286976,292.0764313311231,287.7224620141624
+53,292.6723133849844,292.5961898105012,292.79482252430154,292.7896677702617,292.79510662043884,292.8143262180744,292.81976376386547,292.7918720730799,290.517418878427,292.4217594133873,292.8208383567982,288.86214338960144
+54,293.26721401664673,293.1935657336577,293.3696471755585,293.3643108164813,293.3700051894407,293.38331224830176,293.3890050419111,293.3666106647122,291.193135753732,293.0487912256492,293.3901273773013,289.73964595467663
+55,293.728567417699,293.6581729725412,293.8154837477143,293.809982538498,293.8159164779135,293.82529802717505,293.83123040392474,293.81237074666257,291.714600866189,293.536602479606,293.83239718753293,290.4254133599933
+56,294.0907688330372,294.0238209029048,294.1653959452145,294.15974228089567,294.16590363725714,294.1725262650868,294.1786862269686,294.16221343030907,292.12087183172,293.92093522523726,294.1798949953296,290.9671788514017
+57,294.37752819643754,294.3139403822984,294.44222711062434,294.436430372105,294.4428096292741,294.44738427417343,294.4537623816224,294.438980267862,292.439081046573,294.2264666379351,294.4550112537049,291.3983864100903
+58,294.6056851150509,294.545243301556,294.6622294763856,294.6562969051715,294.66288641541945,294.66585882489323,294.6724474653073,294.658922221981,292.688619869914,294.47074676396846,294.67373497883995,291.74310172374925
+59,294.7874972237434,294.7299357653598,294.8372491018916,294.831186389799,294.83797985582805,294.8396354386116,294.8464283264136,294.83388443225834,292.883676214591,294.66656542877934,294.84775332628413,292.0190304058444
+60,294.9320735234023,294.8771136359402,294.97609856855786,294.9699102670831,294.97690238027144,294.9774264093335,294.9844182342584,294.9726788025183,293.034838900646,294.8234372344276,294.98577979430445,292.23944706247266
+61,295.0463033996673,294.99367262558417,295.0854488149028,295.07913862663827,295.0863248075837,295.0858381953998,295.0930243688096,295.08197576549287,293.150146425243,294.94856605887094,295.0944217356557,292.41446669358606
+62,295.1354776382236,295.0849181027425,295.1704264648198,295.16399745541213,295.1713736635135,295.1699548430548,295.177331310807,295.1669015637368,293.23579109445,295.0474892326031,295.1787638627653,292.55190672929797
+63,295.2037123978683,295.15498470494146,295.23502223472246,295.22847699021924,295.2360395807455,295.23373820843267,295.2413013099053,295.231446624276,293.296604562031,295.1245195693775,295.2427685262272,292.6578824588407
+64,295.25424582033816,295.2071296096872,295.282377023467,295.2757177692943,295.2834633838671,295.2803090916192,295.28805545131064,295.2787516256767,293.336397608896,295.18305369714074,295.28955688885367,292.73722786396786
+65,295.28964896701626,295.2439421375398,295.3149855747073,295.3082142672672,295.3161397482572,295.31214781790214,295.3200742604126,295.3113111441954,293.358203398201,295.22579202728804,295.3216095355545,292.793797490814
+66,295.31197822135306,295.2674954703972,295.33484374667546,295.32796214519743,295.33606446728464,295.3312395458543,295.33934302780096,295.3311209117914,293.364453778865,295.25489777792376,295.3409118022035,292.8306861864142
+67,295.322886817686,295.2794579050594,295.34355635671454,295.33656608071675,295.34484229501146,295.3391808337661,295.34745838801365,295.3397856521168,293.357108735806,295.2721134861789,295.3490603571901,292.8503909455029
+68,295.32370726317936,295.28117521800056,295.34241692007487,295.3353194962559,295.3437666835027,295.33725852587384,295.345707214753,295.338598813041,293.337752355588,295.27884723770086,295.3473420987014,292.8549311920444
+69,295.31551261792185,295.27373200003007,295.33246695338283,295.32526385486733,295.3338790852221,295.3265084722419,295.335125347237,295.32860186552256,293.307664399112,295.2762369011397,295.3367928825673,292.84593864650435
+70,295.2991620865146,295.2579973547854,295.3145400983275,295.3072327784,295.31601307575573,295.3077592405572,295.3165413065219,295.31062842399166,293.26787373269,295.2651980508932,295.3182412396238,292.824724472775
+71,295.27533467147725,295.234658678965,295.28929468152,295.28188460355545,295.29082691287573,295.2816643738503,295.29060855618013,295.2853368038455,293.219197935808,295.2464594954508,295.2923406371436,292.7923290304629
+72,295.24455344940003,295.20424606774577,295.2572371792268,295.2497258365862,295.2588269929064,295.2487256149886,295.2578287283882,295.25323347705074,293.162272048849,295.220589096307,295.25959270548856,292.74955787640323
+73,295.20720216479987,295.16714903220446,295.2187382191614,295.21112712322605,295.2203838210617,295.2093086873523,295.21856740502864,295.21468904238566,293.097568436371,295.1880116671588,295.2203630187026,292.6970064202533
+74,295.1635351684079,295.1236265525744,295.17404210429345,295.16633290840883,295.175741670502,295.1636527873279,295.17306360942587,295.1699478849882,293.025408979212,295.1490200555047,295.17489058714983,292.6350749753536
+75,295.11368116420203,295.0738109323649,295.12327029711133,295.1154647724942,295.12502191643773,295.1118737613096,295.1214329812507,295.11913151182443,292.945970169124,295.1037799337313,295.1232910313481,292.56397421483325
+76,295.05764069809265,295.0177053902006,295.0664187849381,295.05851885064965,295.06822045211504,295.05396136238244,295.0636650296988,295.06223596978515,292.859281079171,295.05232828915393,295.0655538346106,292.48372161148205
+77,294.99527674847786,294.955174701498,295.00334863162567,294.99535638849085,295.0051982394027,294.9897696299366,294.999613507994,294.99912239923685,292.7652134941,294.99456502797057,295.00153271643893,292.39412745676873
+78,294.92629707951204,294.88592788983686,294.93376871846897,294.9256864894185,294.9356640477763,294.9189994377596,294.9289789530748,294.9294997782527,292.663463029425,294.9302364125494,294.930928170586,292.2947690578134
+79,294.85022607587564,294.80948988693865,294.85720760501925,294.84903798347665,294.8591463138357,294.8411701314727,294.85128031358346,294.8528967873624,292.553518057667,294.8589081186571,294.853259090724,292.1849484700723
+80,294.76636241616103,294.72515963152745,294.7729720072078,294.764717918109,294.7749516164017,294.7555777440576,294.7658131495501,294.76862029416145,292.434613366749,294.77992435452023,294.76782096684127,292.06363008469117
+81,294.6737168196986,294.6319481294783,294.68008545609734,294.6717502342902,294.68210333192377,294.6612333423753,294.6715879580682,294.67569402095745,292.305661600334,294.69234738838026,294.67362420624096,291.92934840688207
+82,294.5709212284332,294.52848790418864,294.5771986323287,294.5687861259032,294.57925196408473,294.5567729908136,294.5672401069276,294.5727688919997,292.165152918137,294.5948689996851,294.5693040604653,291.78007336789994
+83,294.4560943404055,294.412899642786,294.4624572810461,294.45397199086875,294.46454305187353,294.4403252313723,294.4508972713325,294.45799096702723,292.011007201888,294.48567898959703,294.4529880522648,291.61301221106845
+84,294.32664144989326,294.2825931153036,294.3333049349895,294.3247522077419,294.3354198827762,294.3093133122242,294.3199815986857,294.3288041919481,291.840353493693,294.36226902224115,294.3220981259452,291.4243142034359
+85,294.1789493258046,294.13396428772,294.1861825959415,294.1775688977853,294.18832315945724,294.1601543442115,294.170908769137,294.18165012191685,291.649194667505,294.2211329994655,294.1730496861012,291.20862229654347
+86,294.0079106648895,293.9619235216659,294.0160606204328,294.0073939352972,294.01822286283624,293.9877907186007,293.99861926542826,294.011499871443,291.431885632139,294.0572992127158,294.0007828336943,290.9583765900172
+87,293.8061617082864,293.7591397811781,293.8156882815426,293.8069787073076,293.8178677782113,293.78493947815184,293.7958275093983,293.81110377861086,291.180298566612,293.86357893429937,293.7980114489116,290.66270227801044
+88,293.5628192404416,293.5147895511454,293.574350583203,293.5656112523884,293.5765422512969,293.5408497436128,293.5517789044514,293.56974838745214,290.88244345642,293.6293192946396,293.553980145518,290.3055768347242
+89,293.2613066646474,293.2124052016023,293.27572845003425,293.2669770019541,293.2779262791546,293.2391655590385,293.25011202886793,293.27111692374893,290.520100735292,293.338252549953,293.25232631440707,289.86269578339113
+90,292.8754408632197,292.8260052257623,292.8940469228748,292.8853079523774,292.8962435303163,292.8540817509133,292.8650133409597,292.8894379974344,290.064575150225,292.96461682995954,292.8672345634418,289.2958781970357
+91,292.36200781287977,292.31275846503723,292.38676678859434,292.3780761073687,292.3889526474692,292.3430555579923,292.3539266672301,292.3821781744216,289.46867534308,292.46577885772774,292.3561457133754,288.54257001418387
+92,291.64576125444427,291.5981745127685,291.67981613553485,291.6712285833513,291.68197815538787,291.6320893795996,291.6428317530396,291.6752753798534,288.650599545239,291.7672923857377,291.64503438504886,287.49495674695805
+93,290.58673672357315,290.5438626489851,290.6354054682143,290.62701010742325,290.6375242034308,290.5836799373177,290.5941846761744,290.6309578646361,287.459090052418,290.7302452294044,290.59634741191974,285.95543924223847
+94,288.90217580600364,288.8705764375005,288.9751187009426,288.96707037517,288.97716241085305,288.9202770159915,288.9303571098152,288.9708437664236,285.591082062061,289.07299642795505,288.9324386795587,283.5337573860346
+95,285.9579840000782,285.952756862384,286.07431377080644,286.06690288002443,286.07622461193625,286.0197544263752,286.02906132761075,286.0703618629841,282.375245803025,286.1612450415364,286.03098385402933,279.38681297606854
+96,280.1337071124774,280.1925502631667,280.33473773813137,280.328546862275,280.3363969876031,280.2912398824979,280.2990726799973,280.33141320070547,276.130034932952,280.36541844855464,280.30067980684794,271.50270827858793
+97,266.6402765781018,266.85836174767167,267.01395264341755,267.0101118294352,267.01509751213644,267.0119711864594,267.01693973595343,267.01185592632646,262.065161550851,266.8409735554523,267.01793076354187,254.75207365072097
+98,231.294409559485,231.70702030218524,231.8011898565091,231.80057521291468,231.8014416623589,231.85574394874303,231.85660102479167,231.80083409539927,227.317974145462,231.26319502713,231.8567553117679,219.60444153176704
+99,208.90373927345345,208.85611626839795,208.85082038246043,208.85080642077563,208.8508281036441,208.7812003049092,208.78122110536395,208.85081155910925,209.998315240777,208.91863604622625,208.78122451919413,209.26331782319417
+100,253.223302508461,253.8778258606931,253.73402593331497,253.7318226051058,253.73475354279745,254.06077384403616,254.06372990128855,253.7327882299082,248.816680186615,252.8520802537336,254.06431390071955,240.01071955214724
+101,274.9183518646682,275.3534855468639,275.20384547844657,275.1985264284709,275.20525917106323,275.4762678986132,275.4830481651682,275.2009319679695,270.908407937473,274.62474365032665,275.48449033661785,264.86114010144524
+102,283.4048239564105,283.689717889827,283.5633515982337,283.5562517866144,283.5650600196573,283.76689794620154,283.77575434390616,283.5594857409632,279.788221278806,283.1730542120505,283.7777040295029,275.9813236343719
+103,287.2746048548521,287.47406317313335,287.3692154250404,287.36117118799376,287.37103703061223,287.5259528003629,287.5358626468456,287.36483739239543,283.870164711317,287.0848689036106,287.538094579332,281.35084477475516
+104,289.2812402916802,289.42888828360424,289.3405980330722,289.3320239672656,289.34244998335686,289.46614029017866,289.4766059748664,289.33592352239555,285.982820964503,289.1217587656816,289.4790084296849,284.2174863722161
+105,290.4207726064126,290.5345712877047,290.45879244333423,290.4499037966829,290.460631152512,290.56270532394416,290.5734686539329,290.4539322359009,287.171507731684,290.2841124358809,290.57598430548313,285.8749278726835
+106,291.10876633224484,291.19903026328814,291.1328366691536,291.1237552756506,291.134635301987,291.22108758942966,291.23200054139056,291.12785254094274,287.877131795087,290.9899578252314,291.23459776160166,286.88953157798784
+107,291.5402700432616,291.6133310536241,291.554628460625,291.545429703994,291.5563679069871,291.6310999346832,291.6420685267489,291.5495578088438,288.30785424639,291.43584357018926,291.644728582391,287.534491390894
+108,291.8157703315439,291.875735996221,291.8230033752088,291.81373807919994,291.8246682643228,291.8903301320154,291.90128855008817,291.8178706577788,288.571259198241,291.7232189477517,291.90399962229554,287.9529610447078
+109,291.99101420089795,292.0406722344148,291.9927811340179,291.9834864801043,291.9943579038606,292.05282015322007,292.0637179289479,291.9876035600305,288.727129547879,291.9084745747826,292.0664721322234,288.2252557713353
+110,292.0988281233371,292.1401408278556,292.0962363910899,292.08694172282287,292.09771225959844,292.1503395567574,292.1611347586478,292.09102693195115,288.810690910913,292.0248821070268,292.1639265591276,288.399042522522
+111,292.1595099097183,292.1939005718776,292.15332224871224,292.14405239520505,292.15468466785654,292.2025018149218,292.2131571974166,292.1480913751649,288.843725056549,292.0930563743817,292.21598252674306,288.50396630823076
+112,292.1861257817614,292.21465229292176,292.1768804829241,292.1676576872595,292.1781167368424,292.2219130042314,292.2323936905939,292.1716371361288,288.840246162206,292.1262951869344,292.23524942406624,288.5591964676595
+113,292.1873736435971,292.21083807215814,292.17545745303147,292.16630263204155,292.1765544278012,292.2169514604888,292.22722346184145,292.17020969141447,288.809573825937,292.13346949998214,292.230107097818,288.57754174226943
+114,292.1692084404884,292.1882288110575,292.154902614073,292.14583619089564,292.1558466155129,292.1933440124683,292.2033732191669,292.14965802870734,288.75807941055,292.12066622476794,292.2062826746713,288.56780194985896
+115,292.1358031077305,292.1508614970925,292.1193131010212,292.110355596547,292.1200897074768,292.15509646608143,292.16484791297563,292.11407910275045,288.690218534755,292.09216081690874,292.1677813886602,288.53616506705566
+116,292.09013761622697,292.1016135083916,292.07161302380246,292.0627855047963,292.0722069559559,292.10506370880955,292.11450099926225,292.0663970532848,288.609164289434,292.05101427467537,292.11745688726603,288.48706771682447
+117,292.0343713445463,292.0425651912392,292.01391951333414,292.0052439559191,292.0143145116156,292.0453096085728,292.0543944294537,292.00872920399746,288.517207367018,291.9994510660636,292.0573712484147,288.4237408809424
+118,291.97008510424183,291.9752351001911,291.94778041600057,291.9392800212094,291.94795911901247,291.9773405014388,291.98603218602346,291.94262372859725,288.416015789703,291.93910511263823,291.98902853373164,288.34856544602263
+119,291.8984416387969,291.9007361415585,291.87433220294787,291.86603168844886,291.87427602240103,291.90226016281525,291.9105152731739,291.8692175438037,288.306807353077,291.8711830968126,291.9135297907801,288.2633092031281
+120,291.820294401731,291.81988129533323,291.7944069827527,291.7863328675717,291.79409597166443,291.8208747298966,291.8286466386832,291.78934331385483,288.190466397164,291.79657571060204,291.83167798261223,288.16928807332437
+121,291.7362628511252,291.7332559461121,291.7086057845914,291.7007866794699,291.708018496089,291.7337644802537,291.7410029366935,291.7036027314029,288.067623609286,291.7159338567249,291.7440497556165,288.0674770798704
+122,291.6467843005448,291.6412687149748,291.6173501117947,291.60981702513646,291.61646344626416,291.64133427390306,291.64798494171,291.6124180731205,287.938712181921,291.629722424181,291.6510458568169,287.9585889240324
+123,291.55215047117963,291.54418638307214,291.5209174056851,291.5137040741827,291.5197064443151,291.5438482044749,291.5498521605457,291.51606766939364,287.804006235354,291.5382574444669,291.55292574780583,287.8431286577941
+124,291.45253295250376,291.4421584356981,291.4194660069931,291.4126092593026,291.41790382980133,291.44145394967137,291.44674713323445,291.41471087471785,287.663647813941,291.4417323836369,291.4498319066789,287.72143280470294
+125,291.3480006964276,291.3352337812088,291.3130521965561,291.30659235862225,291.31110968317927,291.3341993551755,291.3387119568708,291.3084051204786,287.517665200692,291.3402362545341,291.34180635219377,287.5936968577982
+126,291.23853157218184,291.2233716798218,291.201641374408,291.19562272562166,291.19928698608913,291.2220432717636,291.2256990517127,291.1971171092285,287.365984816276,291.23376568632284,291.22880140952,287.45999429690056
+127,291.12401932631894,291.1064481825112,291.08511469436087,291.07958598476694,291.0823142357991,291.1048619359181,291.1075774589729,291.0807294677414,287.208438144767,291.12223232478954,291.11068600717124,287.3202891742277
+128,291.0042768243714,290.9842589240916,290.963272010524,290.9582870506198,290.95998837058977,290.982451731484,290.9841355067444,290.95904371557816,287.044764626491,291.00546646236705,290.9872483415295,287.1744436445853
+129,290.87902370639426,290.85651879016933,290.83583166455065,290.8314500011493,290.83202453555026,290.8545288478889,290.8550803583335,290.8317800784236,286.874611103162,290.8832174596868,290.8581954232796,287.0222213468455
+130,290.7478308585367,290.7228587360797,290.70242739851494,290.6987150922935,290.6980975343933,290.7207261106741,290.720073612672,290.6985744315929,286.697528138149,290.75515127024806,290.72318698357213,286.863328775055
+131,290.6101602850363,290.58281984417687,290.5625636433722,290.5596330082268,290.55766310692417,290.5805870698536,290.5785746391506,290.5589336451449,286.512963329645,290.6208451821624,290.58168536446175,286.697249866192
+132,290.46527325274553,290.4358445422655,290.41559461970945,290.4136562772611,290.4102011215348,290.4335572690339,290.43005089899094,290.412214721627,286.320251563436,290.4797797231252,290.4331562807242,286.52347631302695
+133,290.31264299037514,290.2812647536513,290.26069451103155,290.2601276310412,290.2550402903545,290.2789724672336,290.2738239429139,290.2575949950634,286.118601997463,290.33132751972687,290.2769210109842,286.34134345682855
+134,290.1515374526764,290.118277549992,290.09715971182175,290.09826493122284,290.091542357241,290.1160434327846,290.1092255190144,290.09437434286195,285.907061472692,290.1747387464563,290.11230756038736,286.15020728526656
+135,289.9810762908799,289.94562730830773,289.92400577427753,289.92714212229225,289.9184661050272,289.94383676383586,289.93505020885664,289.92157233972705,285.684113577723,290.0091226317268,289.938116535144,285.948835247915
+136,289.8001124237589,289.76178366950666,289.7401058481237,289.7456654808744,289.7348394794485,289.7612510022432,289.7502969660481,289.7380667240967,285.448053400198,289.8334242966919,289.7533434407953,285.7362478863317
+137,289.60743780086494,289.5653772099263,289.5442312821535,289.5525442100783,289.53959801746123,289.566987086166,289.55385438867563,289.5426340892953,285.197378305013,289.6463959759662,289.55687520428035,285.5113830380726
+138,289.4016769405897,289.3550139982158,289.33487045972413,289.34625416059544,289.3307358070831,289.35951192050504,289.3437799781203,289.333768827094,284.93051209911,289.44656139497,289.3467709319898,285.27223017856426
+139,289.1810021025782,289.1291223325679,289.1102279617881,289.12499313624653,289.10664120913856,289.1370135208616,289.1184166872048,289.1096823879685,284.645662495313,289.2321717425481,289.1213718887741,285.0171981006207
+140,288.9433035659376,288.8857119817509,288.8680711587398,288.886625847649,288.8651512798365,288.89734579372924,288.87558997518585,288.86814998769376,284.340583888456,289.00115126400027,288.87850276668524,284.744155434843
+141,288.6862233022205,288.6223974027388,288.60600276648006,288.62861606551667,288.60399545220565,288.63796050505425,288.61296721639394,288.6067832821818,284.012607148755,288.75102999311554,288.6158319109901,284.45091549262463
+142,288.4066344705466,288.3361674784267,288.3209935710171,288.34794320718345,288.31958340307443,288.35582367472045,288.32703620863947,288.3225632149175,283.658415083396,288.47886052637466,288.3298427328484,284.13392233303574
+143,288.1011273391452,288.02341130394444,288.009314773757,288.0409991812433,288.00852789238064,288.0473122275289,288.01455020538344,288.0117724544771,283.274075550635,288.1811149707688,288.0172951734278,283.7899505058431
+144,287.765341956615,287.67998573739294,287.66674201858166,287.7034618042369,287.66677365145006,287.70808723029245,287.67078050598656,287.67019949575626,282.855096880766,287.8535575930425,287.6734480266219,283.4152032963411
+145,287.3941568719792,287.3006852822256,287.2880416411387,287.3301390607869,287.2885702173781,287.3329380068166,287.2906548998408,287.29262488561307,282.395940525768,287.4910869728324,287.2932329132545,283.0040797132763
+146,286.981384760741,286.8791935508134,286.86682539147347,286.91477837814887,286.8681937130201,286.91559133580444,286.86812682323784,286.8726757984958,281.889988730086,287.0875416625194,286.87061556140105,282.5513569529278
+147,286.5194761791792,286.4078918509381,286.3956162732217,286.44983175258733,286.3975631640566,286.4484766172247,286.3951862908003,286.40289166067123,281.329379184822,286.6354587273105,286.3975604278688,282.0492317439774
+148,285.99938011488405,285.8775821730607,285.865163226028,285.926179701521,285.8680953466749,285.922450027211,285.8631266709456,285.874037690927,280.704767095684,286.1257872209018,285.8653893210718,281.48981127337686
+149,285.4100397207141,285.2771374794375,285.26438647983906,285.33278356685673,285.26832595269406,285.32644725377946,285.2606882860278,285.2750499180185,280.005015241814,285.5475245261507,285.262826455176,280.8619784128157
+150,284.73806037122847,284.59308519436206,284.57983270057,284.6562696446737,284.58543156686824,284.6470682792085,284.5744898878199,284.59248831641264,279.216807643379,284.8872784267326,284.5764788745333,280.15347333144854
+151,283.9671604064932,283.8090854631518,283.7951491888839,283.8804082186679,283.80308346706806,283.8680571650417,283.78865608327555,283.81000933103354,278.324112231356,284.12871900082314,283.79050385440894,279.3478340684915
+152,283.0773518235916,282.90523439493995,282.89048775323823,282.9854165850737,282.9016564597736,282.96960554749893,282.8834606087085,282.90776844476005,277.30735549844,283.2518558985861,282.88516646496834,278.42444836137423
+153,282.0441070004517,281.85701915423994,281.8413130730651,281.946912288942,281.85729108949226,281.9273053648088,281.83475806479987,281.8612296352748,276.142028745135,282.2319855525833,281.83632936944866,277.3569380908243
+154,280.836264077443,280.63352151615226,280.6167366092377,280.734111087354,280.6394222990902,280.7103448403392,280.6121713710923,280.6395068304837,274.796216593385,281.0379372396773,280.613657603352,276.1094587234641
+155,279.41290776636794,279.1940191557422,279.1761113673984,279.3064117885629,279.2078612214992,279.27809223322106,279.1753969903048,279.2019784443942,273.22630872147,279.62880772645383,279.17687545751085,274.6333943493125
+156,277.716856507699,277.48146709296134,277.4623544129371,277.6068252883125,277.50613648186544,277.5735382804048,277.46793475485,277.4916453651681,271.370333655169,277.9476455506641,277.4695426259986,272.8616275145211
+157,275.6628552459168,275.4108579491182,275.3903873692772,275.5501648831101,275.44999413451217,275.5115589994226,275.4056087236036,275.4236109927039,269.13975757585,275.90980675648603,275.4075717744039,270.7023348058355
+158,273.1195143730882,272.8516513946922,272.8296090792599,273.0049631699075,272.9101370170979,272.9610739344598,272.85958453168763,272.8675484819705,266.412923423767,273.38428119392523,272.8622633259708,268.03491598331203
+159,269.8896293588232,269.6099946457182,269.5862612153558,269.77437800950406,269.6943790180329,269.7265513550639,269.6392015971139,269.62991756019244,263.030552415524,270.1719900592268,269.6431595833767,264.71151654241476
+160,265.70842219468483,265.4305518591432,265.4054638190533,265.59537352013166,265.5468186293336,265.5482536715146,265.4923318997252,265.4557310352788,258.780030411169,266.00024967183646,265.4983838799973,260.5566682967551
+161,260.2732203828074,260.0303318288656,260.00485185220714,260.16762797088523,260.17230349546963,260.1328086334009,260.1317473653577,260.0627390803164,253.369659043845,260.5507721130998,260.1407232173496,255.3214704298251
+162,253.250573102589,253.12480165360327,253.0996350704125,253.16105763460672,253.232806545746,253.16813224892903,253.239635459297,253.1703930737904,246.468815627124,253.46272753293923,253.24977373748345,248.5706293009107
+163,245.04754802880083,245.30274368476285,245.2759315174272,245.0387847665502,245.09372456044468,245.17162531645252,245.23999100657457,245.3835044531021,238.750075616444,245.0195342373704,245.22569208683808,240.14038180497064
+164,248.24258829203143,248.41361974874167,248.3880335433109,248.45204984767275,248.54037482713989,248.4840410626372,248.5720197377842,248.48314690989284,241.778329389085,248.0618389254647,248.5745028653332,243.8410763421176
+165,256.06612596915653,256.00283535787275,255.97751916034863,256.2161005333777,256.256358053193,256.1723763922588,256.21468564834004,256.0490614065064,249.34491247777,256.0192594725692,256.2248592267858,251.51867803356623
+166,262.17920384925327,262.0234704771588,261.99803790386943,262.2682762191127,262.24359340586346,262.2055599566937,262.18455745641654,262.0583583641725,255.362907291343,262.21554365180884,262.1922143633122,257.32494119069776
+167,266.8424324445885,266.646782071029,266.62211457152296,266.884498005123,266.8163532936687,266.81990062553245,266.7556891313442,266.6740216330583,260.007691690974,266.92977366528544,266.7608527473652,261.81308104810387
+168,270.3998067683587,270.1892934854192,270.1660870083532,270.40794255607017,270.3163812370926,270.3478680016185,270.25987985586204,270.21065224463564,263.628723855795,270.5172790571572,270.2633764732292,265.34943494552346
+169,273.1363184823239,272.9233783265568,272.9017966265793,273.1211242218605,273.0195375325303,273.0675003790257,272.9690160920404,272.94013491305327,266.488800927665,273.2709914505195,272.9715043954631,268.1537411362011
+170,275.27842638648417,275.0688990927052,275.0488221384599,275.2476026700952,275.1434311814809,275.2004516398707,275.0989814589292,275.0819879896358,268.773502198871,275.42311007326833,275.1008998217192,270.38724818390966
+171,276.98799908995915,276.7846376645217,276.7658935140553,276.94701711034395,276.84418929748585,276.90574379833487,276.8053085904801,276.7947096801636,270.618735261615,277.1387363493834,276.8069381588463,272.1790956383384
+172,278.3745982273838,278.1787574631058,278.16120704682226,278.32739176552474,278.2281020629331,278.291301690616,278.1941834075853,278.186269482784,272.125897453292,278.5290130140072,278.19570560310734,273.6302144936418
+173,279.51253565495017,279.3248375347074,279.30838046323004,279.46192852287714,279.3675527805907,279.430383415688,279.33793039283245,279.330129364282,273.369612540169,279.6690375198662,279.33945201561045,274.8169004734089
+174,280.4537349852983,280.27436932900684,280.25892844364773,280.4017346680571,280.31306192979747,280.37417937309635,280.28721786185133,280.27770411239595,274.404175521064,280.61118657106056,280.28880022209825,275.79547873421114
+175,281.2366099628993,281.0654645900367,281.0509727724024,281.18460674048146,281.10207563952366,281.1605597705329,281.0795313353145,281.06706427681945,275.270095179624,281.3941923233237,281.0812065247099,276.60837901248556
+176,281.8903053935378,281.7270416434792,281.7134343722097,281.8392011178065,281.7629587694076,281.81824278625675,281.74349901262536,281.7270964189919,275.997899287137,282.04744418893483,281.74530271346424,277.2874314628752
+177,282.43763375803235,282.28177956609693,282.26899247824457,282.3879840604906,282.31821293354125,282.369746530891,282.3011246262221,282.2804547307365,276.611319183753,282.5939467327377,282.3030442105816,277.85741623640746
+178,282.8967875702011,282.74779829389183,282.73576730828086,282.8489019483207,282.7852291893824,282.83306199383554,282.77034919613965,282.74523825208087,277.129218150488,283.05204023389047,282.77238125558654,278.33683220977207
+179,283.28244327888154,283.13974568547326,283.12840806402136,283.2364607320394,283.1788635218336,283.2227342122061,283.16598679094204,283.13607670182046,277.566839552447,283.43651109055065,283.16815096000954,278.74141497519537
+180,283.6065313404607,283.46955370822684,283.45884920054453,283.56247573683305,283.5103748603988,283.5506130300884,283.4991932271226,283.4648861283968,277.936645181095,283.7593686772492,283.50145968412875,279.0826183324653
diff --git a/pyrtlib/tests/test_main_sat.py b/pyrtlib/tests/test_main_sat.py
index ef5573ca..224d6df5 100644
--- a/pyrtlib/tests/test_main_sat.py
+++ b/pyrtlib/tests/test_main_sat.py
@@ -259,17 +259,19 @@ def test_pyrtlib_sat_no_raytracing(self):
gkg = ppmv2gkg(md[:, atmp.H2O], atmp.H2O)
rh = mr2rh(p, t, gkg)[0] / 100
- ang = np.array([90.])
+ ang = np.array([90., 37.])
frq = np.arange(20, 201, 1)
rte = TbCloudRTE(z, p, t, rh, frq, ang)
- rte.ray_tracing = False
+ rte.ray_tracing = True
rte.init_absmdl('R19SD')
df = rte.execute()
df_expected = pd.read_csv(
os.path.join(THIS_DIR, "data", "tb_tot_ros03_16_17_18_19_19sd_20_20sd_98_mak11_21sd.csv"))
- assert_allclose(df.tbtotal, df_expected.ros19sd, atol=0)
+
+ assert_allclose(df[df.angle==90.].tbtotal, df_expected.ros19sd, atol=0)
+ assert_allclose(df[df.angle==37.].tbtotal, df_expected.rayt_37_19sd, atol=0)
def test_pyrtlib_sat_rose21_wO3(self):
z, p, _, t, md = atmp.gl_atm(atmp.US_STANDARD)
diff --git a/pyrtlib/tests/test_utils.py b/pyrtlib/tests/test_utils.py
index d8d4b073..21639d46 100644
--- a/pyrtlib/tests/test_utils.py
+++ b/pyrtlib/tests/test_utils.py
@@ -23,6 +23,43 @@ def test_gas_mass(self):
co2 = gas_mass(atmp.CO2)
assert_allclose(co2, mass_molecule, atol=0)
+ gas_masses = [3.0107673e-26,
+ 7.359653399999999e-26,
+ 8.0287128e-26,
+ 7.359653399999999e-26,
+ 4.6834158e-26,
+ 2.6762376e-26,
+ 5.3524752e-26,
+ 5.0179454999999996e-26,
+ 1.07049504e-25,
+ 7.6941831e-26,
+ 2.84350245e-26,
+ 1.053768555e-25,
+ 2.84350245e-26,
+ 3.345297e-26,
+ 6.0215346e-26,
+ 1.354845285e-25,
+ 2.14099008e-25,
+ 8.53050735e-26,
+ 1.0035890999999999e-25,
+ 5.0179454999999996e-26,
+ 8.6977722e-26,
+ 4.6834158e-26,
+ 4.51615095e-26,
+ 8.3632425e-26,
+ 5.6870049e-26,
+ 4.3488861e-26,
+ 5.0179454999999996e-26,
+ 5.6870049e-26,
+ 1.10394801e-25,
+ 2.4420668099999997e-25,
+ 5.6870049e-26,
+ 7.6941831e-26]
+
+ for i in range(0, 32):
+ m = gas_mass(i)
+ assert m == gas_masses[i]
+
def test_mr2rh(self):
gkg = ppmv2gkg(md[:, atmp.H2O], atmp.H2O)
rh, rh_wmo = mr2rh(p, t, gkg)
diff --git a/pyrtlib/version.py b/pyrtlib/version.py
index 52eac117..85528d63 100644
--- a/pyrtlib/version.py
+++ b/pyrtlib/version.py
@@ -1,4 +1,4 @@
MAJOR = 1
MINOR = 0
-PATCH = 3
+PATCH = 4
__version__ = '%d.%d.%d' % (MAJOR, MINOR, PATCH)
\ No newline at end of file
diff --git a/setup.py b/setup.py
index 27a62c9f..08cdbe5a 100644
--- a/setup.py
+++ b/setup.py
@@ -10,9 +10,10 @@ def read_file(filename):
setup(
name='pyrtlib',
- version='1.0.3',
+ version='1.0.4',
include_package_data=True,
packages=find_packages(exclude=["*.tests", "*.tests.*", "tests.*", "tests"]),
+ package_data={'pyrtlib': ['_lineshape/*', 'climatology/*', 'uncertainty/covariance_matrix/*/*']},
# package_dir={'': 'pyrtlib'},
python_requires='>=3.8',
setup_requires=['pytest-runner'],