Git Product home page Git Product logo

fogpy's Introduction

Fogpy

https://api.travis-ci.com/pytroll/fogpy.svg?branch=master https://coveralls.io/repos/github/pytroll/fogpy/badge.svg?branch=master

This is a package for satellite based detection and nowcasting of fog and low stratus clouds (FogPy).

The documentation is available at http://fogpy.readthedocs.io/en/latest

The implementation is based on the following publications:

  • Cermak, J., & Bendix, J. (2011). Detecting ground fog from space–a microphysics-based approach. International Journal of Remote Sensing, 32(12), 3345-3371. doi:10.1016/j.atmosres.2007.11.009
  • Cermak, J., & Bendix, J. (2007). Dynamical nighttime fog/low stratus detection based on Meteosat SEVIRI data: A feasibility study. Pure and applied Geophysics, 164(6-7), 1179-1192. doi:10.1007/s00024-007-0213-8
  • Cermak, J., & Bendix, J. (2008). A novel approach to fog/low stratus detection using Meteosat 8 data. Atmospheric Research, 87(3-4), 279-292. doi:10.1016/j.atmosres.2007.11.009
  • Cermak, J. (2006). SOFOS-a new satellite-based operational fog observation scheme. (PhD thesis), Philipps-Universität Marburg, Marburg, Germany. doi:doi.org/10.17192/z2006.0149

fogpy's People

Contributors

gerritholl avatar m4sth0 avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar

fogpy's Issues

IndexError in LowCloudFilter.filter_function

When running the unit tests, filters.LowCloudFilter.filter_function gives an IndexError. Apparently, this function assumes that self.result_list is at least as long as self.index_list:

https://github.com/gerritholl/fogpy/blob/f0129e1d5b89377c2f0bd755e6b257cd774e12c5/fogpy/filters.py#L959-L962

however, when debugging the unit test, I find that len(self.index_list)=3793 whereas len(self.result_list)=67.

ERROR: test_fls_algorithm (fogpy.test.test_algorithms.Test_DayFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 191, in test_fls_algorithm
    ret, mask = flsalgo.run()
  File "/home/gholl/checkouts/fogpy/fogpy/algorithms.py", line 98, in run
    self.procedure()
  File "/home/gholl/checkouts/fogpy/fogpy/algorithms.py", line 497, in procedure
    lowcloudfilter.apply()
  File "/home/gholl/checkouts/fogpy/fogpy/filters.py", line 131, in apply
    self.filter_function()
  File "/home/gholl/checkouts/fogpy/fogpy/filters.py", line 970, in filter_function
    self.cbh[r, c] = self.result_list[i][0]
IndexError: list index out of range

3793 corresponds to the number of tasks, I don't know why self.result_list only has 67 elements. self.result_list is appended to by self.log_result:

https://github.com/gerritholl/fogpy/blob/f0129e1d5b89377c2f0bd755e6b257cd774e12c5/fogpy/filters.py#L1022-L1025

so it appears the algorithm assumes that every iteration has exactly one result, which appears to be not the case in the test run.

Three unit tests fail with AttributeError

With latest fogpy and satpy master, there are three tests that fail with AttributeError:

$ pytest                                                                                                                                                                                                                                                                                                           [382/1994]
========================================= test session starts ==========================================
platform linux -- Python 3.9.4, pytest-6.2.4, py-1.10.0, pluggy-0.13.1
rootdir: /home/gholl/checkouts/fogpy
plugins: cov-2.11.1, socket-0.4.0
collected 95 items

test_algorithms.py .sss...........F..........                                                    [ 27%]
test_composites.py ........                                                                      [ 35%]
test_filters.py .....s...........s........FF...                                                  [ 68%]
test_lowwatercloud.py ............................x.                                             [100%]

=============================================== FAILURES ===============================================
__________________________ Test_PanSharpeningAlgorithm.test_pansharp_resample __________________________

self = <fogpy.test.test_algorithms.Test_PanSharpeningAlgorithm testMethod=test_pansharp_resample>

    def test_pansharp_resample(self):
        """Test resampling to degraded multispectral channel resolution"""
        # Run pansharpening algorithm
        panshalgo = PanSharpeningAlgorithm(**self.input)
>       ret, mask = panshalgo.run()

test_algorithms.py:652:
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _
../algorithms.py:114: in run
    self.procedure()
../algorithms.py:1174: in procedure
    self.apply_hill_sharpening(chn, panrow, pancol, panshrp_chn)
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _

self = <fogpy.algorithms.PanSharpeningAlgorithm object at 0x7ff01b608b50>
chn = array([[[ 8.2132086 ],
        [ 9.11465832],
        [ 9.81578588],
        ...,
        [ 8.91433616],
        [ 8.9...3.72206802],
        [12.31981289],
        ...,
        [15.22448423],
        [14.72367882],
        [14.12271234]]])
panrow = array([[  0,   0,   0, ...,   0,   0,   0],
       [  0,   0,   0, ...,   0,   0,   0],
       [  0,   0,   0, ...,   ... 140, 140, 140],
       [140, 140, 140, ..., 140, 140, 140],
       [140, 140, 140, ..., 140, 140, 140]], dtype=uint16)
pancol = array([[  0,   0,   0, ..., 297, 297, 297],
       [  0,   0,   0, ..., 297, 297, 297],
       [  0,   0,   0, ..., 29... 297, 297, 297],
       [  0,   0,   0, ..., 297, 297, 297],
       [  0,   0,   0, ..., 297, 297, 297]], dtype=uint16)
output = array([[4.65102510e-310, 6.95006358e-310, 0.00000000e+000, ...,
        0.00000000e+000, 0.00000000e+000, 0.00000000e+...  [0.00000000e+000, 0.00000000e+000, 0.00000000e+000, ...,
        0.00000000e+000, 0.00000000e+000, 0.00000000e+000]])

    def apply_hill_sharpening(self, chn, panrow, pancol, output):
        """ Local regresssion based pansharpening algorithm by HILL et al.
        1999. The nearest neighbor search is based on the scipy KDtree
        implementation, whereas remapping is done with pyresample methods.
        """
        logger.info("Using local regression approach by Hill")
        # Setup KDtree for nearest neighbor search
        indices = np.indices(chn.shape)
        tree = spatial.KDTree(list(zip(indices[0].ravel(),
                                       indices[1].ravel())))
        # Track progress
        todo = chn.size
        ready = 1
        # Array of evaluation criteria
        eval_array = np.empty(chn.shape)

        # Compute global regression
        gm, gc, grsqrt, gmean = self.apply_linear_regression(
                chn.ravel(), self.pan_degrad.ravel())

        # Loop over channel array
        for index, val in np.ndenumerate(chn):
            row = index[0]
            col = index[1]
            # Query tree for neighbors
            queryresult = tree.query(np.array([[row, col]]), k=25)
            neighs = tree.data[queryresult[1][0][1:]]
            # Get channel values for neighbors
>           chn_neigh = chn[tuple(neighs.T)].squeeze()
E           IndexError: arrays used as indices must be of integer (or boolean) type

../algorithms.py:1249: IndexError
----------------------------------------- Captured stderr call -----------------------------------------
2021-05-18 18:03:47,739 - fogpy.algorithms - INFO - Starting pansharpening algorithm for 1 images
2021-05-18 18:03:48,076 - fogpy.algorithms - INFO - Sharpen (141, 298, 1) image to (422, 893)
2021-05-18 18:03:48,076 - fogpy.algorithms - INFO - Using local regression approach by Hill
------------------------------------------ Captured log call -------------------------------------------
INFO     fogpy.algorithms:algorithms.py:1151 Starting pansharpening algorithm for 1 images
INFO     fogpy.algorithms:algorithms.py:1171 Sharpen (141, 298, 1) image to (422, 893)
INFO     fogpy.algorithms:algorithms.py:1226 Using local regression approach by Hill
_______________________ Test_StationFusionFilter.test_fusion_filter_bufr_import ________________________

self = <fogpy.test.test_filters.Test_StationFusionFilter testMethod=test_fusion_filter_bufr_import>

    @unittest.skipUnless(os.getenv("BUFR_TABLES"),
            "BUFR tables not defined, skipping bufr-related tests")
    def test_fusion_filter_bufr_import(self):
        # Create fusion filter
        testfilter = StationFusionFilter(self.ir108,
                                         ir108=self.ir108,
                                         ir039=self.ir039,
                                         lowcloudmask=self.lowcloudmask,
                                         elev=self.elev,
                                         bufrfile=testbufr,
                                         time=self.time,
                                         area=area_def)
>       ret, mask = testfilter.apply()

test_filters.py:6607:
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _
../filters.py:133: in apply
    self.filter_function()
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _

self = <fogpy.filters.StationFusionFilter object at 0x7ff01b198400>

    def filter_function(self):
        """Station data fusion filter routine

        This filter provide a data fusion approach for satellite derived low
        cloud masked raster data with vector data of visibilities observed by
        sensors at weather stations. This raster/vector data fusion is done in
        several steps.
        First a BUFR file with WMO standardized weather station data is
        imported. Next the visibility measurements are extracted and resampled
        to the given cloud mask raster array shape. Then a fog mask for the
        station data is created and a DEM based interpolation is performed.

        Afterwards the stations are compared to the low cloud and cloud masks
        and case dependant mask corrections are performed.

        Args:
            | ir108 (:obj:`ndarray`): Array for the 10.8 μm channel.
            | ir039 (:obj:`ndarray`): Array for the 3.9 μm channel.
            | lowcloudmask (:obj:`ndarray`): Low cloud mask array.
            | cloudmask (:obj:`ndarray`): General cloud mask array.
            | elev (:obj:`ndarray`): Array of elevation.
            | bufrfile (:obj:`str`): Path to weather station BUFR-file.
            | time (:obj:`Datetime`): Time instance of station data
                                      as *datetime* object.
            | area (:obj:`area_def`): Corresponding area definition for
                                      cloud masks.
            | heightvar (:obj:`float`): Height variance for fog masking in m.
                                        Default is 50 m.
            | fogthres (:obj:`float`): Visibility threshold for fog masking
                                       in m. Default is 1000 m.
            | limit (:obj:`bool`): Boolean to limit the output region to
                                   station data coverage.

        Returns:
            Filter image and filter mask.
        """
        logger.info("Applying Station Data Fusion Filter")

        # 1. Import BUFR file
        stations = read_synop(self.bufrfile, 'visibility')
        currentstations = stations[self.time.strftime("%Y%m%d%H0000")]
        lats = [i[2] for i in currentstations]
        lons = [i[3] for i in currentstations]
        vis = [i[4] for i in currentstations]

        # 2. Port visibility vector data to raster array shape
        self.visarr = np.empty(self.arr.shape[:2])
        self.visarr.fill(np.nan)

        x, y = (self.area.get_xy_from_lonlat(lons, lats))
        xmin, xmax, ymin, ymax = [np.nanmin(x), np.nanmax(x), np.nanmin(y),
                                  np.nanmax(y)]
        vis_ma = np.ma.array(vis, mask=x.mask)
>       self.visarr[y.compressed(), x.compressed()] = vis_ma.compressed()
E       IndexError: shape mismatch: indexing arrays could not be broadcast together with shapes (265,) (267,)

../filters.py:1291: IndexError
----------------------------------------- Captured stderr call -----------------------------------------
2021-05-18 18:03:59,303 - fogpy.filters - INFO - Applying Cloud Filter
2021-05-18 18:03:59,308 - fogpy.filters - INFO - Filter results for CloudFilter

                    Cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 20551
                    Previous masked:         0
                    New filtered:            20551
                    Remaining:               21467
2021-05-18 18:03:59,308 - fogpy.filters - INFO - Applying Station Data Fusion Filter
------------------------------------------ Captured log call -------------------------------------------
INFO     fogpy.filters:filters.py:397 Applying Cloud Filter
INFO     fogpy.filters:filters.py:182 Filter results for CloudFilter

                    Cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 20551
                    Previous masked:         0
                    New filtered:            20551
                    Remaining:               21467
INFO     fogpy.filters:filters.py:1274 Applying Station Data Fusion Filter
____________________ Test_StationFusionFilter.test_fusion_filter_dem_interpolation _____________________

self = <fogpy.test.test_filters.Test_StationFusionFilter testMethod=test_fusion_filter_dem_interpolation>

    @unittest.skipUnless(os.getenv("BUFR_TABLES"),
            "BUFR tables not defined, skipping bufr-related tests")
    def test_fusion_filter_dem_interpolation(self):
        # Create fusion filter
        testfilter = StationFusionFilter(self.ir108,
                                         ir108=self.ir108,
                                         ir039=self.ir039,
                                         lowcloudmask=self.lowcloudmask,
                                         elev=self.elev,
                                         bufrfile=testbufr,
                                         time=self.time,
                                         area=area_def,
                                         plot=False,
                                         save=True,
                                         resize=5)
>       ret, mask = testfilter.apply()

test_filters.py:6629:
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _
../filters.py:133: in apply
    self.filter_function()
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _

self = <fogpy.filters.StationFusionFilter object at 0x7ff01b198220>

    def filter_function(self):
        """Station data fusion filter routine

        This filter provide a data fusion approach for satellite derived low
        cloud masked raster data with vector data of visibilities observed by
        sensors at weather stations. This raster/vector data fusion is done in
        several steps.
        First a BUFR file with WMO standardized weather station data is
        imported. Next the visibility measurements are extracted and resampled
        to the given cloud mask raster array shape. Then a fog mask for the
        station data is created and a DEM based interpolation is performed.

        Afterwards the stations are compared to the low cloud and cloud masks
        and case dependant mask corrections are performed.

        Args:
            | ir108 (:obj:`ndarray`): Array for the 10.8 μm channel.
            | ir039 (:obj:`ndarray`): Array for the 3.9 μm channel.
            | lowcloudmask (:obj:`ndarray`): Low cloud mask array.
            | cloudmask (:obj:`ndarray`): General cloud mask array.
            | elev (:obj:`ndarray`): Array of elevation.
            | bufrfile (:obj:`str`): Path to weather station BUFR-file.
            | time (:obj:`Datetime`): Time instance of station data
                                      as *datetime* object.
            | area (:obj:`area_def`): Corresponding area definition for
                                      cloud masks.
            | heightvar (:obj:`float`): Height variance for fog masking in m.
                                        Default is 50 m.
            | fogthres (:obj:`float`): Visibility threshold for fog masking
                                       in m. Default is 1000 m.
            | limit (:obj:`bool`): Boolean to limit the output region to
                                   station data coverage.

        Returns:
            Filter image and filter mask.
        """
        logger.info("Applying Station Data Fusion Filter")

        # 1. Import BUFR file
        stations = read_synop(self.bufrfile, 'visibility')
        currentstations = stations[self.time.strftime("%Y%m%d%H0000")]
        lats = [i[2] for i in currentstations]
        lons = [i[3] for i in currentstations]
        vis = [i[4] for i in currentstations]

        # 2. Port visibility vector data to raster array shape
        self.visarr = np.empty(self.arr.shape[:2])
        self.visarr.fill(np.nan)

        x, y = (self.area.get_xy_from_lonlat(lons, lats))
        xmin, xmax, ymin, ymax = [np.nanmin(x), np.nanmax(x), np.nanmin(y),
                                  np.nanmax(y)]
        vis_ma = np.ma.array(vis, mask=x.mask)
>       self.visarr[y.compressed(), x.compressed()] = vis_ma.compressed()
E       IndexError: shape mismatch: indexing arrays could not be broadcast together with shapes (265,) (267,)

../filters.py:1291: IndexError
----------------------------------------- Captured stderr call -----------------------------------------
2021-05-18 18:04:03,852 - fogpy.filters - INFO - Applying Cloud Filter
2021-05-18 18:04:03,857 - fogpy.filters - INFO - Filter results for CloudFilter

                    Cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 20551
                    Previous masked:         0
                    New filtered:            20551
                    Remaining:               21467
2021-05-18 18:04:03,858 - fogpy.filters - INFO - Applying Station Data Fusion Filter
------------------------------------------ Captured log call -------------------------------------------
INFO     fogpy.filters:filters.py:397 Applying Cloud Filter
INFO     fogpy.filters:filters.py:182 Filter results for CloudFilter

                    Cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 20551
                    Previous masked:         0
                    New filtered:            20551
                    Remaining:               21467
INFO     fogpy.filters:filters.py:1274 Applying Station Data Fusion Filter
=========================================== warnings summary ===========================================
fogpy/test/test_algorithms.py::Test_BaseSatelliteAlgorithm::test_base_algorithm
  /home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py:122: DeprecationWarning: `np.float` is a deprecated alias for the builtin `float`. To silence this warning, use `float` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.float64` here.
  Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations
    self.testarray = np.arange(0, 16, dtype=np.float).reshape((4, 4))

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial_complement
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial_next
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_linreg_cluster
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_nan_neighbor
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_real
  /home/gholl/checkouts/fogpy/fogpy/algorithms.py:665: DeprecationWarning: `np.float` is a deprecated alias for the builtin `float`. To silence this warning, use `float` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.float64` here.
  Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations
    self.dz = np.empty(self.ir108.shape, dtype=np.float)

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial_complement
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial_next
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_linreg_cluster
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_nan_neighbor
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_real
  /home/gholl/checkouts/fogpy/fogpy/algorithms.py:666: DeprecationWarning: `np.float` is a deprecated alias for the builtin `float`. To silence this warning, use `float` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.float64` here.
  Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations
    self.cth = np.empty(self.ir108.shape, dtype=np.float)

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial_complement
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_artificial_next
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_linreg
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_linreg_cluster
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_real
  /home/gholl/checkouts/fogpy/fogpy/algorithms.py:826: FutureWarning: `rcond` parameter will change to the default of machine precision times ``max(M, N)`` where M and N are the input matrix dimensions.
  To use the future default and silence this warning we advise to pass `rcond=None`, to keep using the old, explicitly pass `rcond=-1`.
    m, c = np.linalg.lstsq(A, y)[0]

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_linreg_cluster
fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_real
  /home/gholl/checkouts/fogpy/fogpy/algorithms.py:1079: RuntimeWarning: Mean of empty slice
    cth = np.nanmean(cthmargin)

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_nan_neighbor
  /home/gholl/checkouts/fogpy/fogpy/algorithms.py:714: RuntimeWarning: All-NaN slice encountered
    self.minheight = np.nanmin(self.result)

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_nan_neighbor
  /home/gholl/checkouts/fogpy/fogpy/algorithms.py:715: RuntimeWarning: Mean of empty slice
    self.meanheight = np.nanmean(self.result)

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_nan_neighbor
  /home/gholl/checkouts/fogpy/fogpy/algorithms.py:716: RuntimeWarning: All-NaN slice encountered
    self.maxheight = np.nanmax(self.result)

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_nan_neighbor
  /home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py:448: RuntimeWarning: All-NaN slice encountered
    self.assertEqual(np.isnan(np.nanmax(lcthalgo.dz)), True)

fogpy/test/test_algorithms.py::Test_LowCloudHeightAlgorithm::test_lcth_algorithm_nan_neighbor
  /home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py:449: RuntimeWarning: All-NaN slice encountered
    self.assertEqual(np.isnan(np.nanmax(lcthalgo.cth)), True)

fogpy/test/test_algorithms.py::Test_PanSharpeningAlgorithm::test_pansharp_resample
fogpy/test/test_algorithms.py::Test_PanSharpeningAlgorithm::test_pansharp_resample
  /home/gholl/checkouts/pyresample/pyresample/image.py:60: FutureWarning: Usage of ImageContainer is deprecated, please use NumpyResamplerBilinear class instead
    warnings.warn(

fogpy/test/test_algorithms.py::Test_PanSharpeningAlgorithm::test_pansharp_resample
  /home/gholl/checkouts/fogpy/fogpy/algorithms.py:1207: FutureWarning: `rcond` parameter will change to the default of machine precision times ``max(M, N)`` where M and N are the input matrix dimensions.
  To use the future default and silence this warning we advise to pass `rcond=None`, to keep using the old, explicitly pass `rcond=-1`.
    results, resids, rank, s = np.linalg.lstsq(A, y)

fogpy/test/test_algorithms.py: 21 warnings
  <__array_function__ internals>:5: DeprecationWarning: `np.alen` is deprecated, use `len` instead

fogpy/test/test_composites.py::test_get_area_lat_lon
fogpy/test/test_composites.py::test_interim
fogpy/test/test_composites.py::test_fog_comp_night
  /home/gholl/checkouts/satpy/satpy/composites/__init__.py:204: UserWarning: satpy.composites.CompositeBase.check_areas is deprecated, use satpy.composites.CompositeBase.match_data_arrays instead
    warnings.warn('satpy.composites.CompositeBase.check_areas is deprecated, use '

fogpy/test/test_composites.py::test_get_area_lat_lon
fogpy/test/test_composites.py::test_get_area_lat_lon
fogpy/test/test_composites.py::test_interim
fogpy/test/test_composites.py::test_interim
fogpy/test/test_composites.py::test_fog_comp_day
fogpy/test/test_composites.py::test_fog_comp_night
fogpy/test/test_composites.py::test_fog_comp_night
  /data/gholl/miniconda3/envs/py39/lib/python3.9/site-packages/pyproj/crs/crs.py:543: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems
    proj_string = self.to_proj4()

fogpy/test/test_composites.py::test_interim
  /data/gholl/miniconda3/envs/py39/lib/python3.9/site-packages/pkg_resources/__init__.py:1143: DeprecationWarning: Use of .. or absolute path in a resource path is not allowed and will raise exceptions in a future release.
    return get_provider(package_or_requirement).get_resource_filename(

fogpy/test/test_composites.py::test_save_extras
fogpy/test/test_composites.py::test_save_extras
  /home/gholl/checkouts/satpy/satpy/writers/cf_writer.py:638: UserWarning: Dtype bool not compatible with CF-1.7.
    warnings.warn('Dtype {} not compatible with {}.'.format(str(ds.dtype), CF_VERSION))

fogpy/test/test_filters.py::Test_ArrayFilter::test_array_filter
fogpy/test/test_filters.py::Test_ArrayFilter::test_array_filter_param
fogpy/test/test_filters.py::Test_ArrayFilter::test_marray_filter
  /home/gholl/checkouts/fogpy/fogpy/test/test_filters.py:92: DeprecationWarning: `np.float` is a deprecated alias for the builtin `float`. To silence this warning, use `float` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.float64` here.
  Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations
    self.testarray = np.arange(0, 16, dtype=np.float).reshape((4, 4))

fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_clusters
fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_single
fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_single_lwp_allfog
fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_single_lwp_nofog
fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_single_lwp_randomfog
  /home/gholl/checkouts/fogpy/fogpy/filters.py:925: DeprecationWarning: `np.float` is a deprecated alias for the builtin `float`. To silence this warning, use `float` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.float64` here.
  Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations
    self.cbh = np.empty(self.clusters.shape, dtype=np.float)

fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_clusters
fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_single
fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_single_lwp_allfog
fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_single_lwp_nofog
fogpy/test/test_filters.py::Test_LowCloudFilter::test_lowcloud_filter_single_lwp_randomfog
  /home/gholl/checkouts/fogpy/fogpy/filters.py:926: DeprecationWarning: `np.float` is a deprecated alias for the builtin `float`. To silence this warning, use `float` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.float64` here.
  Deprecated in NumPy 1.20; for more details and guidance: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations
    self.fbh = np.empty(self.clusters.shape, dtype=np.float)

fogpy/test/test_filters.py::Test_StationFusionFilter::test_fusion_filter_bufr_import
fogpy/test/test_filters.py::Test_StationFusionFilter::test_fusion_filter_dem_interpolation
  /home/gholl/checkouts/pyresample/pyresample/geometry.py:1920: DeprecationWarning: 'get_xy_from_lonlat' is deprecated, please use 'get_array_indices_from_lonlat' instead.
    warnings.warn("'get_xy_from_lonlat' is deprecated, please use "

fogpy/test/test_filters.py::Test_StationFusionFilter::test_fusion_validation
  /home/gholl/checkouts/fogpy/fogpy/filters.py:1463: RuntimeWarning: All-NaN axis encountered
    np.nanmin(self.check_zerolist(elev[lowcloudhit])),

fogpy/test/test_filters.py::Test_StationFusionFilter::test_fusion_validation
  /home/gholl/checkouts/fogpy/fogpy/filters.py:1464: RuntimeWarning: Mean of empty slice
    np.nanmean(self.check_zerolist(

fogpy/test/test_filters.py::Test_StationFusionFilter::test_fusion_validation
  /home/gholl/checkouts/fogpy/fogpy/filters.py:1466: RuntimeWarning: All-NaN axis encountered
    np.nanmax(self.check_zerolist(elev[lowcloudhit])),

fogpy/test/test_filters.py::Test_StationFusionFilter::test_fusion_validation
  /home/gholl/checkouts/fogpy/fogpy/filters.py:1482: RuntimeWarning: All-NaN axis encountered
    np.nanmin(self.check_zerolist(

fogpy/test/test_filters.py::Test_StationFusionFilter::test_fusion_validation
  /home/gholl/checkouts/fogpy/fogpy/filters.py:1484: RuntimeWarning: Mean of empty slice
    np.nanmean(self.check_zerolist(

fogpy/test/test_filters.py::Test_StationFusionFilter::test_fusion_validation
  /home/gholl/checkouts/fogpy/fogpy/filters.py:1486: RuntimeWarning: All-NaN axis encountered
    np.nanmax(self.check_zerolist(

fogpy/test/test_lowwatercloud.py: 265 warnings
  /data/gholl/miniconda3/envs/py39/lib/python3.9/site-packages/scipy/optimize/_minimize.py:535: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
    warn('Method %s cannot handle constraints nor bounds.' % method,

-- Docs: https://docs.pytest.org/en/stable/warnings.html
======================================= short test summary info ========================================
FAILED test_algorithms.py::Test_PanSharpeningAlgorithm::test_pansharp_resample - IndexError: arrays u...
FAILED test_filters.py::Test_StationFusionFilter::test_fusion_filter_bufr_import - IndexError: shape ...
FAILED test_filters.py::Test_StationFusionFilter::test_fusion_filter_dem_interpolation - IndexError: ...
================== 3 failed, 86 passed, 5 skipped, 1 xfailed, 349 warnings in 37.93s ===================

fogpy visualisation is just black-and-white

The way Fogpy is setup now, the visualisation of fls_day is white:

import glob
import sattools.ptc
from satpy import Scene
fn_sev = glob.glob("/media/nas/x21308/scratch/SEVIRI/2013/12/12/*")
fn_cmsaf = ["/media/nas/x20629/SEVIRI/repr2/level2/cpp/2013/12/12/CPPin20131212100000305SVMSG01MD.nc"]
reader_sev = "seviri_l1b_hrit"
reader_cmsaf = "cmsaf-claas2_l2_nc"
sc = Scene(filenames={
            reader_sev: fn_sev,
            reader_cmsaf: fn_cmsaf})
sc.load(["VIS006", "IR_120", "IR_087", "VIS008", "IR_108", "IR_039", "IR_016",
         "cot", "cwp", "reff"])
sattools.ptc.add_pkg_comps_mods(sc, "fogpy", sensors=["seviri"])
ls = sc.resample("germ2")
ls.load(["fls_day"])
ls.show("germ2")

This is a screenshot from an image viewer, because transparency shows up as white when displayed by my browser, so this better illustrates the transparency vs. white:

grafik

There are two problems here:

  • It's masking the areas that have fog, rather than masking the areas that do not have fog.
  • The remaining areas is white, which happens for two reasons:
    • The fill values are set (it's meant to mask away this area, after all!) to 9000, and
    • There is a stretch between 0 and 1 defined in
      fls_day_default:
      standard_name: fls_day
      operations: &stretchcolor
      - name: stretch
      method: !!python/name:satpy.enhancements.stretch
      kwargs:
      stretch: crude
      - name: colorize
      method: !!python/name:satpy.enhancements.colorize
      kwargs:
      palettes:
      - colors: [[0, 0, 0.8], [0.98, 0.78, 0.16]]
      min_value: 0
      max_value: 1

2020-01-06 case comes out all blank

On 2020-01-06, there was widespread valley fog in Germany, as confirmed by direct personal ground observation by myself.

tmpa489rof_

Unfortunately, fogpy fails to deliver any results and the resulting images are all black. The problem is exposed at least at the clustering step:

[DEBUG: 2020-01-08 11:00:04 : fogpy.algorithms] Number of spatial coherent fog cloud clusters: --

Clean up major DRY violations

More flexible digital elevation model (DEM) location

The location from which the Digital Elevation Model (DEM) is taken needs to be more flexible. Currently it is hardcoded in the yaml file, for one region (Europe) for a 1 km grid, and the data are not easily available. Instead this data should be dynamically downloaded as needed. For pyspectral, aux data are downloaded from zenodo.

fogpy for ABI fails with AttributeError

Running fogpy for ABI fails with an AttributeError. Calling fogpy via fogtools with:

show-fog $PLOTDIR/abi-ne.tiff -m abi_l1b --sat import/Sat_data/OR_ABI-L1b-RadF-M3C*_G16_s20170731606102_e*.nc --nwcsaf export/CMIC/S_NWC_CMIC_GOES16_NEW-ENGLAND-NR_20170314T160610Z.nc

fails after about 8 minutes with:

[INFO: 2020-04-06 11:39:16 : fogpy.algorithms] Finish fog and low cloud detection algorithm
Traceback (most recent call last):
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/bin/show-fog", line 8, in <module>
    sys.exit(main())
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/fogtools/processing/show_fog.py", line 56, in main
    rv = vis.get_fog_blend_for_sat(
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/fogtools/vis.py", line 52, in get_fog_blend_for_sat
    ls.load(["fls_day", "fls_day_extra"], unload=False)
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 973, in load
    keepables = self.generate_composites()
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 888, in generate_composites
    return self._read_composites(nodes)
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 863, in _read_composites
    self._generate_composite(item, keepables)
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 836, in _generate_composite
    composite = compositor(prereq_datasets,
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/fogpy/composites.py", line 178, in __call__
    (xrfls, xrmsk, xrvmask, xrcbh, xrfbh, xrlcth) = self._convert_ma_to_xr(
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/fogpy/composites.py", line 123, in _convert_ma_to_xr
    attrs = {k: projectables[0].attrs[k]
  File "/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/fogpy/composites.py", line 123, in <dictcomp>
    attrs = {k: projectables[0].attrs[k]
KeyError: 'satellite_longitude'

The _convert_ma_to_xr method appears hardcoded for attributes expected on SEVIRI, but those are not the same on ABI.

Re-introduce API to get additional information from fog composite

Fogpy 1.1, which was based on mpop, had the option to return additional "debugging" information when calculating a composite:

fogpy/fogpy/composites.py

Lines 106 to 124 in 3b67135

if validate:
# Get cloud mask image
vmaskimg = GeoImage(flsalgo.vcloudmask, area, self.time_slot,
fill_value=0, mode="L")
vmaskimg.enhance(stretch="crude")
# Get cloud base height image
cbhimg = GeoImage(flsalgo.cbh, area, self.time_slot,
fill_value=9999, mode="L")
# Get fog base height image
fbhimg = GeoImage(flsalgo.fbh, area, self.time_slot,
fill_value=9999, mode="L")
# Get low cloud top height image
lcthimg = GeoImage(flsalgo.lcth, area, self.time_slot,
fill_value=9999, mode="L")
return [flsimg, maskimg, vmaskimg, cbhimg, fbhimg, lcthimg]

At the time, this was called through

scene.image.fls_day(..., validate=True)

Today, a scene is loaded as

scene.load(["fls_day"])

which doesn't allow to pass extra keyword arguments through the same API. However, some code needs this functionality; for example, we may want to write geotiffs with the cloud base height, fog base height, and other parameters, for validation or statistical analysis purposes.

Fogpy needs to reintroduce a path to get those parameters as datasets. What would be a good way? Perhaps

scene.load(["fls_day", "cbh", "fbh", "lcth"])

or maybe in another way... In any case those are intermediates for calculating fog anyway so should not need to be recalculated wasting valuable computation time...

Cannot find fog base height after brute force optimize_cbh

After using LowWaterCloud.optimize_cbh with the basin hopping algorithm, fogpy can find the fog base height. But if it we use the brute force algorithm instead, then fogpy cannot find the fog base height:

In [120]: lwc = LowWaterCloud(1000., 275., 100., 100., 10e-6)

In [121]: lwc.init_cloud_layers(100, 10)

In [122]: lwc.optimize_cbh(lwc.cbh, method="basin")
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
INFO     lowwatercloud 2019-06-14 13:27:44,736 lowwatercloud.cbh:231: Reducing upper threshold <33.129771728629294> to correct conflict
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
INFO     lowwatercloud 2019-06-14 13:27:46,686 lowwatercloud.optimize_cbh:542: Optimized lwp: start cbh: 100.00, cth: 1000.00, ctt: 275.00, observed lwp 100.00 --> result lwp: 100.00, calibrated cbh: 615.19, elapsed time: 2104.00 ms for 41 layers with 10.0 m thickness
Out[122]: 615.1869443796053

In [123]: lwc.get_fog_base_height()
Out[123]: 620.1860781550229

In [124]: lwc.optimize_cbh(lwc.cbh, method="brute")
Out[124]: 615.0

In [125]: lwc.get_fog_base_height()
WARNING  lowwatercloud 2019-06-14 13:28:11,414 lowwatercloud.get_fog_base_height:291: No fog base height found: Set to NaN
Out[125]: nan

Related: #28

Test_NightFogLowStratusAlgorithm.setUp uses unsupported geostationary TLE

In the test routines, Test_NightFogLowStratusAlgorithm.setUp tries to set up a pyorbital.Orbital class with a geostationary TLE:

https://github.com/gerritholl/fogpy/blob/f0129e1d5b89377c2f0bd755e6b257cd774e12c5/fogpy/test/test_algorithms.py#L615-L622

However, pyorbital.Orbital does not support geostationary satellites, so this fails with a NotImplementedError:

Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 622, in setUp 
    line2=self.tle.line2)
  File "/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/pyorbital/orbital.py", line 167, in __init__
    self._sgdp4 = _SGDP4(self.orbit_elements)
  File "/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/pyorbital/orbital.py", line 706, in __init__
    raise NotImplementedError('Deep space calculations not supported')
NotImplementedError: Deep space calculations not supported

This appears to have been the case for many years so I don't see how this test can have ever worked.

Test failures on oflks333 due to missing bufr tables

Two tests are failing on oflks333 because bufr tables are missing. Those tables should be found by being included or the tests should mock whatever external is missing:

    def load_tab_b(tables, fname):
        """Load table B (elements) from 'fname' into object Tables."""
        if not os.path.exists(fname):
>           raise BufrTableError(_text_file_not_found % fname)
E           trollbufr.coder.errors.BufrTableError: BufrTableError: Table not found: '/media/x22264/nwcsaf/COTS/bufrtables/table_b_013'

that hardcoding isn't very useful.

Modernise setup/version

Currently, I have a setup.py with a self-hacked git revision in the version number. This should be replaced by setuptools-scm. Now that I'm at it, I should also use pyproject.toml, which is apparently the most modern way of setting up stuff.

Set up GitHub CI

The former Travis CI is no longer running. Need to set up GitHub CI as a replacement.

Does fogpy consider different cloud classes? Should it?

From Cermak (2006), §4.2.5, “an entity is a set of adjoined pixels belonging to the same cloud class”. I'm not sure what type of classes Cermak (2006) uses, but fogpy seems to only use cloud or no cloud:

https://github.com/gerritholl/fogpy/blob/2c9aa9436e4924f55879d52a9de14817d370df5a/fogpy/algorithms.py#L993-L994

In my interpretation this differs from what Cermak (2006) describes. But maybe the implementation is more practical than the theory in this case, because neither the DEM CTH approach (Cermak (2006), Equation 4.29, or https://github.com/gerritholl/fogpy/blob/2c9aa9436e4924f55879d52a9de14817d370df5a/fogpy/algorithms.py#L680-L683) nor the lapse rate approach (Cermak (2006), Equation 4.30, or https://github.com/gerritholl/fogpy/blob/2c9aa9436e4924f55879d52a9de14817d370df5a/fogpy/algorithms.py#L684-L691) will work if one type of cloud is immediately neighboured by another. But it does seem an aspect that leaves room for improvement.

IndexError in fogpy.algorithms.LowCloudHeightAlgorithm

When trying to regenerate the fog composite for 2019-04-15, that I have done before, I get an IndexError. The full command below uses the show-fog command from fogtools:

PPP_CONFIG_DIR=/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/etc/ \
    show-fog $PLOTDIR/eurol-2019-04-15.tiff --seviri SEVIRI/*201904151000* --nwcsaf NWCSAF/20190415/*100000Z*

It fails in fogpy.algorithms.LowCloudHeightAlgorithm.procedure when idmargin == [0, 1, 2, 4, 7] but tneigh.shape = (6,):

[DEBUG: 2020-03-24 16:03:42 : satpy.scene] Setting 'PPP_CONFIG_DIR' to '/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/etc/' [DEBUG: 2020-03-24 16:03:42 : satpy.readers] Reading ['/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/etc/readers/seviri_l1b_hrit.yaml'] [DEBUG: 2020-03-24 16:03:43 : satpy.readers.yaml_reader] Assigning to seviri_l1b_hrit: ['SEVIRI/H-000-MSG4__-MSG4________-HRV______-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000015___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000014___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000018___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000012___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000009___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000013___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000022___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000011___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000024___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000019___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000021___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000017___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000016___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000023___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000010___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000020___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-HRV______-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_016___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_016___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_016___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_016___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_016___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_016___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_016___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_016___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_039___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_039___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_039___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_039___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_039___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_039___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_039___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_039___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_087___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_087___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_087___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_087___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_087___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_087___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_087___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_087___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_097___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_097___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_097___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_097___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_097___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_097___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_097___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_097___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_108___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_108___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_108___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_108___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_108___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_108___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_108___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_108___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_120___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_120___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_120___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_120___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_120___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_120___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_120___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_120___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_134___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_134___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_134___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_134___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_134___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_134___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_134___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-IR_134___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS006___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS006___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS006___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS006___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS006___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS006___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS006___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS006___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS008___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS008___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS008___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS008___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS008___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS008___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS008___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-VIS008___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_062___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_062___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_062___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_062___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_062___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_062___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_062___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_062___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_073___-000008___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_073___-000001___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_073___-000004___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_073___-000006___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_073___-000005___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_073___-000002___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_073___-000007___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-WV_073___-000003___-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-_________-PRO______-201904151000-__', 'SEVIRI/H-000-MSG4__-MSG4________-_________-EPI______-201904151000-__'] [INFO: 2020-03-24 16:03:43 : hrit_msg] No IMPF configuration field found in prologue. [DEBUG: 2020-03-24 16:03:43 : hrit_msg] Computing actual satellite position [DEBUG: 2020-03-24 16:03:43 : satpy.readers] Reading ['/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/etc/readers/nwcsaf-geo.yaml'] [DEBUG: 2020-03-24 16:03:43 : satpy.readers.yaml_reader] Assigning to nwcsaf-geo: ['NWCSAF/20190415/S_NWC_CMA_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_CT_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_CTTH_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_CMIC_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_PC_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_CRR_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_iSHAI_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_CI_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_RDT-CW_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_ASII-NG_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc'] [WARNING: 2020-03-24 16:03:44 : satpy.readers] Don't know how to open the following files: {'NWCSAF/20190415/S_NWC_PLAX_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_PC-Ph_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'NWCSAF/20190415/S_NWC_CRR-Ph_MSG4_EUROPE-B-VISIR_20190415T100000Z.nc', 'SEVIRI/seviri_201904151000.tar'} [DEBUG: 2020-03-24 16:03:44 : satpy.composites] Looking for composites config file seviri.yaml [DEBUG: 2020-03-24 16:03:44 : matplotlib] $HOME=/home/gholl [DEBUG: 2020-03-24 16:03:44 : matplotlib] CONFIGDIR=/home/gholl/.config/matplotlib [DEBUG: 2020-03-24 16:03:44 : matplotlib] matplotlib data path: /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/matplotlib/mpl-data [DEBUG: 2020-03-24 16:03:44 : matplotlib] loaded rc file /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/matplotlib/mpl-data/matplotlibrc [DEBUG: 2020-03-24 16:03:44 : matplotlib] matplotlib version 3.1.3 [DEBUG: 2020-03-24 16:03:44 : matplotlib] interactive is False [DEBUG: 2020-03-24 16:03:44 : matplotlib] platform is linux [DEBUG: 2020-03-24 16:03:44 : matplotlib] loaded modules: ['sys', 'builtins', '_frozen_importlib', '_imp', '_warnings', '_frozen_importlib_external', '_io', 'marshal', 'posix', '_thread', '_weakref', 'time', 'zipimport', '_codecs', 'codecs', 'encodings.aliases', 'encodings', 'encodings.utf_8', '_signal', '__main__', 'encodings.latin_1', '_abc', 'abc', 'io', '_stat', 'stat', 'genericpath', 'posixpath', 'os.path', '_collections_abc', 'os', '_sitebuiltins', '_locale', '_bootlocale', 'types', 'importlib._bootstrap', 'importlib._bootstrap_external', 'warnings', 'importlib', 'importlib.machinery', 'importlib.abc', '_operator', 'operator', 'keyword', '_heapq', 'heapq', 'itertools', 'reprlib', '_collections', 'collections', '_functools', 'functools', 'contextlib', 'importlib.util', 'mpl_toolkits', 'site', 'enum', '_sre', 'sre_constants', 'sre_parse', 'sre_compile', 'copyreg', 're', '__future__', 'binascii', 'fnmatch', 'errno', 'zlib', '_compression', '_weakrefset', 'threading', '_bz2', 'bz2', '_lzma', 'lzma', 'pwd', 'grp', 'shutil', '_struct', 'struct', 'zipfile', 'weakref', 'pkgutil', 'platform', 'math', '_datetime', 'datetime', 'xml', 'xml.parsers', 'pyexpat.errors', 'pyexpat.model', 'pyexpat', 'xml.parsers.expat.model', 'xml.parsers.expat.errors', 'xml.parsers.expat', 'plistlib', 'email', 'email.errors', '_string', 'string', 'email.quoprimime', 'base64', 'email.base64mime', 'quopri', 'email.encoders', 'email.charset', 'email.header', '_bisect', 'bisect', '_sha512', '_random', 'random', '_socket', 'collections.abc', 'select', 'selectors', 'socket', 'urllib', 'urllib.parse', 'locale', 'calendar', 'email._parseaddr', 'email.utils', 'email._policybase', 'email.feedparser', 'email.parser', 'tempfile', 'textwrap', '_opcode', 'opcode', 'dis', 'token', 'tokenize', 'linecache', 'inspect', 'ntpath', 'pkg_resources.extern', 'pkg_resources._vendor', 'pkg_resources.extern.six', 'pkg_resources._vendor.six', 'pkg_resources.extern.six.moves', 'pkg_resources._vendor.six.moves', 'pkg_resources.py31compat', 'pkg_resources.extern.appdirs', 'pkg_resources._vendor.packaging.__about__', 'pkg_resources.extern.packaging', 'pkg_resources.extern.packaging._structures', 'pkg_resources.extern.packaging.version', 'pkg_resources.extern.packaging._compat', 'pkg_resources.extern.packaging.specifiers', 'copy', 'pprint', 'traceback', 'pkg_resources.extern.pyparsing', 'pkg_resources.extern.six.moves.urllib', 'pkg_resources.extern.packaging.markers', 'pkg_resources.extern.packaging.requirements', 'pkg_resources.py2_warn', 'sysconfig', 'pkg_resources', 'fogtools', 'fogtools.processing', 'gettext', 'argparse', 'atexit', 'logging', 'numpy._globals', 'numpy.__config__', 'numpy.version', 'numpy._distributor_init', 'numpy.core._multiarray_umath', 'numpy.compat._inspect', 'pathlib', '_compat_pickle', '_pickle', 'pickle', 'numpy.compat.py3k', 'numpy.compat', 'numpy.core.overrides', 'numpy.core.multiarray', 'numpy.core.umath', 'numbers', 'numpy.core._string_helpers', 'numpy.core._dtype', 'numpy.core._type_aliases', 'numpy.core.numerictypes', 'numpy.core._asarray', 'numpy.core._exceptions', 'numpy.core._methods', 'numpy.core.fromnumeric', 'numpy.core.shape_base', 'numpy.core._ufunc_config', 'numpy.core.arrayprint', 'numpy.core.numeric', 'numpy.core.defchararray', 'numpy.core.records', 'numpy.core.memmap', 'numpy.core.function_base', 'numpy.core.machar', 'numpy.core.getlimits', 'numpy.core.einsumfunc', 'numpy.core._multiarray_tests', 'numpy.core._add_newdocs', '_ctypes', 'ctypes._endian', 'ctypes', 'numpy.core._dtype_ctypes', 'numpy.core._internal', 'numpy._pytesttester', 'numpy.core', 'numpy.lib.mixins', 'numpy.lib.ufunclike', 'numpy.lib.type_check', 'numpy.lib.scimath', '_ast', 'ast', 'numpy.lib.twodim_base', 'numpy.linalg.lapack_lite', 'numpy.linalg._umath_linalg', 'numpy.linalg.linalg', 'numpy.linalg', 'numpy.matrixlib.defmatrix', 'numpy.matrixlib', 'numpy.lib.histograms', 'numpy.lib.function_base', 'numpy.lib.stride_tricks', 'numpy.lib.index_tricks', 'numpy.lib.nanfunctions', 'numpy.lib.shape_base', 'numpy.lib.polynomial', 'numpy.lib.utils', 'numpy.lib.arraysetops', 'numpy.lib.format', 'numpy.lib._datasource', 'numpy.lib._iotools', 'numpy.lib.npyio', '_decimal', 'decimal', 'numpy.lib.financial', 'numpy.lib.arrayterator', 'numpy.lib.arraypad', 'numpy.lib._version', 'numpy.lib', 'numpy.fft._pocketfft_internal', 'numpy.fft._pocketfft', 'numpy.fft.helper', 'numpy.fft', 'numpy.polynomial.polyutils', 'numpy.polynomial._polybase', 'numpy.polynomial.polynomial', 'numpy.polynomial.chebyshev', 'numpy.polynomial.legendre', 'numpy.polynomial.hermite', 'numpy.polynomial.hermite_e', 'numpy.polynomial.laguerre', 'numpy.polynomial', 'cython_runtime', '_cython_0_29_14', 'numpy.random._common', '_hashlib', '_blake2', '_sha3', 'hashlib', 'hmac', 'secrets', 'numpy.random._bit_generator', 'numpy.random._bounded_integers', 'numpy.random._mt19937', 'numpy.random.mtrand', 'numpy.random._philox', 'numpy.random._pcg64', 'numpy.random._sfc64', 'numpy.random._generator', 'numpy.random._pickle', 'numpy.random', 'numpy.ctypeslib', 'numpy.ma.core', 'numpy.ma.extras', 'numpy.ma', 'numpy', 'configparser', 'satpy.utils', 'satpy.dataset', 'yaml.error', 'yaml.tokens', 'yaml.events', 'yaml.nodes', 'yaml.reader', 'yaml.scanner', 'yaml.parser', 'yaml.composer', 'yaml.constructor', 'yaml.resolver', 'yaml.loader', 'yaml.emitter', 'yaml.serializer', 'yaml.representer', 'yaml.dumper', '_yaml', 'yaml.cyaml', 'yaml', 'glob', 'satpy.config', 'satpy.readers', 'dask.config', 'signal', '_posixsubprocess', 'subprocess', 'uuid', 'dask.utils_test', 'dask.core', 'dask.optimization', 'dask.utils', 'dask.datasets', '_queue', 'queue', 'dask.order', 'dask.callbacks', 'dask.local', 'cytoolz.compatibility', 'toolz.compatibility', 'toolz.utils', 'toolz.itertoolz', 'toolz._signatures', 'toolz.functoolz', 'toolz.dicttoolz', 'toolz.recipes', 'toolz.curried.operator', 'toolz.curried.exceptions', 'toolz.curried', 'toolz.sandbox.core', 'toolz.sandbox.parallel', 'toolz.sandbox', 'toolz', 'cytoolz.utils', 'cytoolz.itertoolz', 'cytoolz._signatures', 'cytoolz.functoolz', 'cytoolz.dicttoolz', 'cytoolz.recipes', 'cytoolz.curried.operator', 'cytoolz.curried.exceptions', 'cytoolz.curried', 'cytoolz._version', 'cytoolz', 'multiprocessing.process', 'array', 'multiprocessing.reduction', 'multiprocessing.context', '__mp_main__', 'multiprocessing', 'multiprocessing.util', '_multiprocessing', 'multiprocessing.connection', 'multiprocessing.pool', 'psutil._common', 'psutil._compat', 'psutil._psposix', 'psutil._psutil_linux', 'psutil._psutil_posix', 'psutil._pslinux', 'psutil', 'dask.system', 'dask.threaded', 'distutils', 'distutils.version', 'dataclasses', 'dask.compatibility', 'dask.context', 'dask.hashing', 'cloudpickle.cloudpickle', 'cloudpickle.cloudpickle_fast', 'cloudpickle', 'tblib.cpython', 'tblib', 'tblib.pickling_support', 'dask.multiprocessing', 'dask.base', 'dask.highlevelgraph', 'dask.delayed', '_json', 'json.scanner', 'json.decoder', 'json.encoder', 'json', 'dask._version', 'dask', 'dask.blockwise', 'dask.array.blockwise', 'dask.array.numpy_compat', 'dask.array.chunk', 'dask.sizeof', 'dask.array.slicing', 'dask.array.optimization', 'difflib', 'dask.array.utils', 'dask.array.core', 'dask.array.tiledb_io', 'dask.array.wrap', 'dask.array.creation', 'dask.array.ufunc', 'dask.array.einsumfuncs', 'dask.array.routines', 'dask.array.reshape', 'dask.array.reductions', 'dask.array.percentile', 'dask.array.ma', 'dask.array.random', 'dask.array.linalg', 'dask.array.overlap', 'scipy._lib._testutils', 'scipy._lib', 'scipy._lib.deprecation', 'scipy._distributor_init', 'scipy.__config__', 'scipy.version', 'scipy._lib.six', 'scipy._lib._version', 'scipy._lib._ccallback_c', 'scipy._lib._ccallback', 'typing.io', 'typing.re', 'typing', 'scipy._lib._uarray._uarray', 'scipy._lib._uarray._backend', 'scipy._lib._uarray', 'scipy._lib.uarray', 'scipy.fft._basic', 'scipy.fft._realtransforms', 'scipy.fft._pocketfft.pypocketfft', 'scipy.fft._pocketfft.helper', 'scipy.fft._pocketfft.basic', 'scipy.fft._pocketfft.realtransforms', 'scipy.fft._pocketfft', 'scipy.fft._helper', 'scipy.fft._backend', 'numpy.dual', 'scipy.fft', 'scipy', 'scipy.fftpack.helper', 'scipy.fftpack.basic', 'scipy.fftpack.convolve', 'scipy.fftpack.pseudo_diffs', 'scipy.fftpack.realtransforms', 'scipy.fftpack', 'dask.array.fft', 'dask.array.backends', 'dask.array.rechunk', 'dask.array.gufunc', 'dask.array', 'pytz.exceptions', 'pytz.lazy', 'pytz.tzinfo', 'pytz.tzfile', 'pytz', 'dateutil._version', 'dateutil', 'pandas.compat', 'pandas.compat.numpy', 'pandas._libs.tslibs.np_datetime', 'pandas._libs.tslibs.nattype', 'six', 'six.moves', 'dateutil.tz._common', 'dateutil.tz._factories', 'dateutil.tz.tz', 'dateutil.tz', 'pandas._libs.tslibs.timezones', 'pandas._config.config', 'pandas._config.dates', 'pandas._config.display', 'pandas._config', 'pandas._config.localization', 'pandas._libs.tslibs.strptime', 'pandas._libs.tslibs.ccalendar', 'dateutil._common', 'dateutil.relativedelta', 'pandas._libs.tslibs.offsets', 'pandas._libs.tslibs.timedeltas', 'pandas._libs.tslibs.tzconversion', 'pandas._libs.tslibs.fields', 'pandas._libs.tslibs.c_timestamp', 'pandas._libs.tslibs.frequencies', 'dateutil.parser._parser', 'dateutil.parser.isoparser', 'dateutil.parser', 'pandas._libs.tslibs.parsing', 'pandas._libs.tslibs.conversion', 'pandas._libs.tslibs.timestamps', 'pandas._libs.tslibs.resolution', 'pandas._libs.tslibs.period', 'pandas._libs.tslibs', 'pandas._libs', 'pandas._libs.ops_dispatch', 'pandas._libs.missing', 'pandas._libs.hashtable', 'fractions', 'pandas._libs.tslib', 'pandas._libs.lib', 'pandas.core', 'pandas.core.config_init', 'pandas.core.dtypes', 'pandas._libs.algos', 'pandas._libs.interval', 'pandas._typing', 'pandas.errors', 'pandas.core.dtypes.generic', 'pandas.core.dtypes.base', 'pandas.core.dtypes.inference', 'pandas.core.dtypes.dtypes', 'pandas.core.dtypes.common', 'pandas.core.dtypes.missing', 'pandas._libs.properties', 'pandas.util._decorators', 'pandas.core.util', 'pandas._libs.hashing', 'pandas.util._validators', 'pandas.core.dtypes.cast', 'pandas.core.util.hashing', 'pandas.util', 'pandas.core.common', 'pandas.core.construction', 'pandas.core.indexers', 'pandas.core.algorithms', 'pandas.compat.numpy.function', 'pandas._libs.ops', 'pandas.core.ops.roperator', 'pandas.core.ops.missing', 'pandas.core.ops.dispatch', 'pandas.core.ops.invalid', 'pandas.core.ops.array_ops', 'pandas.core.ops.common', 'pandas.core.ops.docstrings', 'pandas.core.ops.mask_ops', 'pandas.core.ops.methods', 'pandas.core.ops', 'pandas.compat._optional', 'pandas.core.missing', 'pandas.core.sorting', 'pandas.core.arrays.base', 'pandas.core.nanops', 'pandas.core.arrays.masked', 'pandas.core.arrays.boolean', 'pandas.core.accessor', 'pandas.core.base', 'pandas.io', 'pandas.io.formats', 'pandas.io.formats.console', 'pandas.core.arrays.categorical', 'pandas.tseries', 'dateutil.easter', 'pandas.tseries.offsets', 'pandas.tseries.frequencies', 'pandas.core.arrays.datetimelike', 'pandas.core.arrays._ranges', 'pandas.core.arrays.datetimes', 'pandas.core.tools', 'pandas.core.tools.numeric', 'pandas.core.arrays.integer', 'pandas.core.indexes', 'pandas._libs.index', 'pandas._libs.join', 'pandas.core.dtypes.concat', 'pandas.io.formats.printing', 'pandas.core.indexes.frozen', 'pandas.core.strings', 'pandas.core.indexes.base', 'pandas.core.arrays.interval', 'pandas.core.arrays.numpy_', 'pandas.core.arrays.period', 'pandas._libs.sparse', 'pandas.core.arrays.sparse.dtype', 'pandas.core.arrays.sparse.array', 'pandas.core.arrays.sparse.accessor', 'pandas.core.arrays.sparse', 'pandas.core.arrays.string_', 'pandas.core.arrays.timedeltas', 'pandas.core.arrays', 'gc', 'pandas.core.indexes.extension', 'pandas.core.indexes.category', 'pandas.core.indexes.numeric', 'pandas.core.tools.timedeltas', 'pandas.core.indexes.datetimelike', 'pandas.arrays', 'pandas.core.tools.datetimes', 'pandas.core.indexes.datetimes', 'pandas.util._exceptions', 'pandas.core.indexes.multi', 'pandas.core.indexes.timedeltas', 'pandas.core.indexes.interval', 'pandas.core.indexes.period', 'pandas.core.indexes.range', 'pandas.core.indexes.api', 'pandas._libs.indexing', 'pandas.core.indexing', 'pandas._libs.writers', 'pandas._libs.internals', 'pandas.core.internals.blocks', 'pandas.core.internals.concat', 'pandas.core.internals.managers', 'pandas.core.internals', 'unicodedata', 'gzip', 'mmap', 'pandas.io.common', 'pandas.io.formats.format', 'pandas.core.generic', 'pandas.core.internals.construction', 'pandas._libs.reshape', 'pandas.core.indexes.accessors', 'pandas.plotting._core', 'pandas.plotting._misc', 'pandas.plotting', 'pandas._libs.window', 'pandas._libs.window.aggregations', 'pandas.core.groupby.base', 'pandas.core.window.common', 'pandas._libs.window.indexers', 'pandas.core.window.indexers', 'pandas.core.window.numba_', 'pandas.core.window.rolling', 'pandas.core.window.ewm', 'pandas.core.window.expanding', 'pandas.core.window', 'pandas.core.series', 'pandas.core.frame', 'pandas._libs.groupby', 'pandas._libs.reduction', 'pandas.core.groupby.categorical', 'pandas.core.groupby.grouper', 'pandas.core.groupby.ops', 'pandas.core.groupby.groupby', 'pandas.core.groupby.generic', 'pandas.core.groupby', 'pandas.core.api', 'pandas.tseries.api', 'pandas.core.computation', 'pandas.core.computation.common', 'pandas.core.computation.align', 'pandas.compat.chainmap', 'pandas.core.computation.scope', 'pandas.core.computation.ops', 'pandas.core.computation.engines', 'pandas.core.computation.parsing', 'pandas.core.computation.expr', 'pandas.core.computation.eval', 'pandas.core.computation.api', 'pandas.core.reshape', 'pandas.core.reshape.concat', 'pandas.core.reshape.melt', 'pandas.core.reshape.merge', 'pandas.core.reshape.util', 'pandas.core.reshape.pivot', 'pandas.core.reshape.reshape', 'pandas.core.reshape.tile', 'pandas.core.reshape.api', 'pandas.api.extensions', 'pandas.api.indexers', 'pandas.core.dtypes.api', 'pandas.api.types', 'pandas.api', 'pandas.util._print_versions', 'pandas.io.clipboards', '_csv', 'csv', 'pandas._libs.parsers', 'pandas.io.excel._util', 'pandas.io.date_converters', 'pandas.io.parsers', 'pandas.io.excel._odfreader', 'pandas.io.excel._openpyxl', 'pandas.io.excel._xlrd', 'pandas.io.excel._pyxlsb', 'pandas.io.excel._base', 'pandas._libs.json', 'pandas.io.excel._xlsxwriter', 'pandas.io.excel._xlwt', 'pandas.io.excel', 'pandas.io.feather_format', 'pandas.io.gbq', 'pandas.io.html', 'pandas.io.json._normalize', 'pandas.io.json._table_schema', 'pandas.io.json._json', 'pandas.io.json', 'pandas.io.orc', 'pandas.io.parquet', 'pandas.compat.pickle_compat', 'pandas.io.pickle', 'pandas.core.computation.pytables', 'pandas.io.pytables', 'pandas.io.sas.sasreader', 'pandas.io.sas', 'pandas.io.spss', 'pandas.io.sql', 'pandas.io.stata', 'pandas.io.api', 'pandas.util._tester', 'pandas._libs.testing', 'pandas._testing', 'pandas.testing', 'pandas._version', 'pandas', 'xarray.core', 'xarray.core.dask_array_compat', 'xarray.core.utils', 'xarray.core.dtypes', 'xarray.core.nputils', 'xarray.core.dask_array_ops', 'xarray.core.npcompat', 'xarray.core.pycompat', 'xarray.core.nanops', 'xarray.core.duck_array_ops', 'xarray.core.options', 'xarray.core.formatting', 'xarray.core.indexing', 'xarray.core.arithmetic', 'html.entities', 'html', 'xarray.core.formatting_html', 'xarray.core.ops', 'xarray.core.pdcompat', 'xarray.core.rolling_exp', 'xarray.core.common', 'xarray.core.variable', 'xarray.core.alignment', 'xarray.plot.utils', 'xarray.plot.facetgrid', 'xarray.plot.dataset_plot', 'xarray.plot.plot', 'xarray.plot', 'xarray.core.merge', 'xarray.core.computation', 'xarray.core.concat', 'xarray.core.indexes', 'xarray.core.groupby', 'xarray.core.resample', 'xarray.core.rolling', 'xarray.core.accessor_dt', 'xarray.core.accessor_str', 'xarray.core.coordinates', 'xarray.coding', 'xarray.coding.variables', 'xarray.coding.times', 'xarray.coding.cftimeindex', 'xarray.core.dataset', 'xarray.core.dataarray', 'xarray.testing', 'http', 'uu', 'email._encoded_words', 'email.iterators', 'email.message', '_ssl', 'ssl', 'http.client', 'urllib.response', 'urllib.error', 'urllib.request', 'xarray.coding.strings', 'xarray.conventions', 'xarray.backends.common', 'logging.handlers', 'socketserver', 'logging.config', 'concurrent', 'concurrent.futures._base', 'concurrent.futures', 'asyncio.constants', 'asyncio.format_helpers', 'asyncio.base_futures', 'asyncio.log', 'asyncio.coroutines', '_contextvars', 'contextvars', 'asyncio.exceptions', 'asyncio.base_tasks', '_asyncio', 'asyncio.events', 'asyncio.futures', 'asyncio.protocols', 'asyncio.transports', 'asyncio.sslproto', 'asyncio.locks', 'asyncio.tasks', 'asyncio.staggered', 'asyncio.trsock', 'asyncio.base_events', 'asyncio.runners', 'asyncio.queues', 'asyncio.streams', 'asyncio.subprocess', 'asyncio.base_subprocess', 'asyncio.selector_events', 'asyncio.unix_events', 'asyncio', 'distributed.compatibility', 'distributed.config', 'tornado', 'tornado.speedups', 'tornado.util', 'tornado.escape', '_curses', 'curses', 'tornado.log', 'tornado.concurrent', 'tornado.ioloop', 'tornado.gen', 'concurrent.futures.thread', 'tornado.locks', 'tornado.queues', 'distributed.comm.registry', 'xml.etree', 'xml.etree.ElementPath', '_elementtree', 'xml.etree.ElementTree', 'resource', 'distributed.metrics', 'distributed.versions', 'msgpack._version', 'msgpack.exceptions', 'msgpack._cmsgpack', 'msgpack', 'runpy', 'multiprocessing.spawn', '_posixshmem', 'multiprocessing.resource_tracker', 'multiprocessing.forkserver', 'tornado.platform', 'tornado.platform.asyncio', 'distributed.utils', 'distributed.comm.addressing', 'distributed.comm.core', 'distributed.protocol.compression', 'distributed.protocol.pickle', 'distributed.protocol.utils', 'distributed.protocol.serialize', 'distributed.protocol.core', 'distributed.protocol.cuda', 'distributed.protocol', 'distributed.comm.inproc', 'fcntl', 'tornado.platform.posix', 'tornado.platform.auto', 'stringprep', 'encodings.idna', 'tornado.netutil', 'tornado.iostream', 'tornado.tcpclient', 'tornado.process', 'tornado.tcpserver', 'distributed.system', 'distributed._concurrent_futures_thread', 'distributed.threadpoolexecutor', 'distributed.comm.utils', 'distributed.comm.tcp', 'distributed.comm', 'distributed.profile', 'distributed.system_monitor', 'distributed.core', 'distributed.batched', 'distributed.utils_comm', 'distributed.cfexecutor', 'distributed.node', 'distributed.publish', 'distributed.pubsub', 'distributed.security', 'distributed.sizeof', 'distributed.locket', 'distributed.diskutils', 'filecmp', 'click._compat', 'click.globals', 'click.utils', 'click.exceptions', 'click.types', 'click.termui', 'click.parser', 'click.formatting', 'click._unicodefun', 'click.decorators', 'click.core', 'click', 'distributed.preloading', 'distributed.proctitle', 'distributed.utils_perf', 'distributed.diagnostics.plugin', 'distributed.diagnostics.graph_layout', 'timeit', 'distributed.diagnostics.progress', 'distributed.diagnostics', 'distributed.worker', 'distributed.client', 'distributed.actor', 'distributed.deploy.adaptive_core', 'distributed.deploy.adaptive', 'distributed.deploy.cluster', 'sortedcontainers.sortedlist', 'sortedcontainers.sortedset', 'sortedcontainers.sorteddict', 'sortedcontainers', 'distributed.queues', 'distributed.recreate_exceptions', 'distributed.lock', 'distributed.stealing', 'distributed.variable', 'distributed.scheduler', 'distributed.deploy.spec', 'multiprocessing.queues', 'distributed.process', 'distributed.nanny', 'distributed.deploy.local', 'distributed.deploy.ssh', 'distributed.deploy', 'distributed.diagnostics.progressbar', 'distributed.worker_client', 'distributed._version', 'distributed', 'dask.distributed', 'xarray.backends.locks', 'xarray.backends.cfgrib_', 'xarray.backends.lru_cache', 'xarray.backends.file_manager', 'xarray.backends.netcdf3', 'xarray.backends.netCDF4_', 'xarray.backends.h5netcdf_', 'xarray.backends.memory', 'xarray.backends.pseudonetcdf_', 'xarray.backends.pydap_', 'xarray.backends.pynio_', 'xarray.backends.scipy_', 'xarray.backends.zarr', 'xarray.backends', 'xarray.core.combine', 'xarray.backends.api', 'xarray.tutorial', 'xarray.ufuncs', 'xarray.backends.rasterio_', 'xarray.coding.cftime_offsets', 'xarray.core.extensions', 'xarray.core.parallel', 'xarray.util', 'xarray.util.print_versions', 'xarray', 'satpy.plugin_base', 'numcodecs.version', 'numcodecs.registry', 'numcodecs.abc', 'numcodecs.compat', 'numcodecs.zlib', 'numcodecs.gzip', 'numcodecs.bz2', 'numcodecs.lzma', 'numcodecs.compat_ext', 'multiprocessing.synchronize', 'numcodecs.blosc', 'numcodecs.zstd', 'numcodecs.lz4', 'numcodecs.astype', 'numcodecs.delta', 'numcodecs.quantize', 'numcodecs.fixedscaleoffset', 'numcodecs.packbits', 'numcodecs.categorize', 'numcodecs.pickles', 'numcodecs.msgpacks', 'numcodecs.checksum32', 'numcodecs.json', 'numcodecs.vlen', 'numcodecs', 'zarr.codecs', 'zarr.errors', 'asciitree.util', 'asciitree.drawing', 'asciitree.traversal', 'asciitree', 'zarr.util', 'zarr.meta', 'zarr.attrs', 'zarr.indexing', 'zarr.storage', 'zarr.core', 'zarr.n5', 'zarr.creation', 'zarr.hierarchy', 'zarr.convenience', 'monotonic', 'fasteners._utils', 'fasteners.lock', 'fasteners.process_lock', 'fasteners', 'zarr.sync', 'zarr.version', 'zarr', 'pyproj.compat', 'distutils.errors', 'distutils.debug', 'distutils.log', 'distutils.spawn', 'pyproj.exceptions', 'pyproj.datadir', 'pyproj._datadir', 'pyproj.enums', 'pyproj._list', 'pyproj._show_versions', 'pyproj._crs', 'pyproj.cf1x8', 'pyproj._geod', 'pyproj.utils', 'pyproj.geod', 'pyproj.crs', 'pyproj._proj', 'pyproj.proj', 'pyproj._transformer', 'pyproj.transformer', 'pyproj', 'pyresample.utils._proj4', 'pyresample.utils._rasterio', 'pyresample.utils', 'numexpr.__config__', 'numexpr.interpreter', 'numexpr.expressions', 'numexpr.utils', 'numexpr.necompiler', 'numexpr.version', 'numexpr', 'pyresample._multi_proc', 'pyresample._spatial_mp', 'pyresample.spherical', 'pyresample.boundary', 'pyresample.area_config', 'pyresample.geometry', 'pyresample.grid', 'pykdtree', 'pykdtree.kdtree', 'pyresample.data_reduce', 'pyresample.kd_tree', 'pyresample.bilinear', 'pyresample.image', 'cartopy._version', 'shapely', 'shapely.affinity', 'ctypes.util', 'shapely.errors', 'shapely.ctypes_declarations', 'shapely.geos', 'shapely.topology', 'shapely.coords', 'shapely.algorithms', 'shapely.algorithms.cga', 'shapely.linref', 'shapely.predicates', 'shapely.impl', 'shapely.geometry.base', 'shapely.geometry.proxy', 'shapely.geometry.point', 'shapely.geometry.linestring', 'shapely.geometry.polygon', 'shapely.geometry.multipoint', 'shapely.geometry.multilinestring', 'shapely.geometry.multipolygon', 'shapely.geometry.collection', 'shapely.geometry.geo', 'shapely.speedups._speedups', 'shapely.speedups', 'shapely.geometry', 'shapely.prepared', 'cartopy._crs', 'cartopy.trace', 'cartopy.crs', 'cartopy.io', 'shapefile', 'cartopy.io.shapereader', 'cartopy.feature', 'cartopy', 'pyresample._cartopy', 'pyresample.plot', 'pyresample.version', 'pyresample', 'pyresample.ewa._ll2cr', 'pyresample.ewa._fornav', 'pyresample.ewa', 'pyresample.resampler', 'pyresample.gradient._gradient_search', 'pyresample.gradient', 'satpy.resample', 'trollsift.parser', 'trollsift.version', 'trollsift', 'trollimage.version', 'trollimage', 'PIL._version', 'PIL', 'PIL.ImageMode', 'PIL.TiffTags', 'PIL._binary', 'PIL._util', 'PIL._imaging', 'cffi.lock', 'cffi.error', 'cffi.model', 'cffi.api', 'cffi', 'PIL.Image', 'trollimage.image', 'rasterio._err', 'rasterio.dtypes', 'rasterio.enums', 'rasterio._shim', 'rasterio.compat', 'rasterio.control', 'rasterio.coords', 'rasterio._env', 'rasterio.errors', 'rasterio._crs', 'rasterio.crs', 'attr._config', 'attr._compat', 'attr.exceptions', 'attr._make', 'attr.converters', 'attr.filters', 'attr.validators', 'attr._funcs', 'attr._version_info', 'attr', 'rasterio.path', 'rasterio.session', 'botocore', 'shlex', 'botocore.vendored', 'botocore.vendored.six', 'botocore.vendored.requests.packages.urllib3.exceptions', 'botocore.vendored.requests.packages.urllib3', 'botocore.vendored.requests.packages', 'botocore.vendored.requests.exceptions', 'botocore.vendored.requests', 'botocore.exceptions', 'urllib3.packages.ssl_match_hostname', 'urllib3.packages', 'urllib3.packages.six', 'urllib3.packages.six.moves', 'urllib3.packages.six.moves.http_client', 'urllib3.exceptions', 'urllib3.util.wait', 'urllib3.contrib', 'urllib3.contrib._appengine_environ', 'urllib3.util.connection', 'urllib3.util.request', 'urllib3.util.response', 'urllib3.util.url', 'urllib3.util.ssl_', 'urllib3.util.timeout', 'urllib3.util.retry', 'urllib3.util', 'urllib3._collections', 'urllib3.connection', 'mimetypes', 'urllib3.fields', 'urllib3.filepost', 'urllib3.packages.six.moves.urllib', 'urllib3.packages.six.moves.urllib.parse', 'urllib3.request', 'urllib3.response', 'urllib3.util.queue', 'urllib3.connectionpool', 'urllib3.poolmanager', 'urllib3', 'botocore.vendored.six.moves', 'xml.etree.cElementTree', 'botocore.compat', 'botocore.configloader', 'termios', 'getpass', 'cgi', 'cryptography.__about__', 'cryptography', 'cryptography.x509.certificate_transparency', 'cryptography.utils', 'cryptography.hazmat', 'cryptography.hazmat.primitives', 'cryptography.hazmat.primitives.asymmetric', 'cryptography.hazmat.primitives.asymmetric.dsa', 'cryptography.hazmat._oid', 'cryptography.hazmat.primitives.asymmetric.ec', 'cryptography.exceptions', 'cryptography.hazmat.primitives.asymmetric.ed25519', 'cryptography.hazmat.primitives.asymmetric.ed448', 'cryptography.hazmat.backends', 'cryptography.hazmat.backends.interfaces', 'cryptography.hazmat.primitives.asymmetric.rsa', 'ipaddress', 'cryptography.hazmat._der', 'cryptography.hazmat.bindings', '_cffi_backend', '_constant_time.lib', '_constant_time', 'cryptography.hazmat.bindings._constant_time', 'cryptography.hazmat.primitives.constant_time', 'cryptography.hazmat.primitives.serialization.base', 'cryptography.hazmat.primitives.serialization.ssh', 'cryptography.hazmat.primitives.serialization', 'cryptography.hazmat.primitives.hashes', 'cryptography.x509.oid', 'cryptography.x509.name', 'cryptography.x509.general_name', 'cryptography.x509.extensions', 'cryptography.x509.base', 'cryptography.x509', 'cryptography.hazmat.bindings.openssl', '_openssl.lib', '_openssl', 'cryptography.hazmat.bindings._openssl', 'cryptography.hazmat.bindings.openssl._conditional', 'cryptography.hazmat.bindings.openssl.binding', 'OpenSSL._util', 'OpenSSL.crypto', 'OpenSSL.SSL', 'OpenSSL.version', 'OpenSSL', 'cryptography.hazmat.backends.openssl.aead', 'cryptography.hazmat.primitives.ciphers.modes', 'cryptography.hazmat.primitives.ciphers.base', 'cryptography.hazmat.primitives.ciphers', 'cryptography.hazmat.backends.openssl.ciphers', 'cryptography.hazmat.backends.openssl.cmac', 'cryptography.hazmat.backends.openssl.decode_asn1', 'cryptography.hazmat.primitives.asymmetric.dh', 'cryptography.hazmat.backends.openssl.dh', 'cryptography.hazmat.primitives.asymmetric.utils', 'cryptography.hazmat.backends.openssl.utils', 'cryptography.hazmat.backends.openssl.dsa', 'cryptography.hazmat.backends.openssl.ec', 'cryptography.hazmat.backends.openssl.ed25519', 'cryptography.hazmat.backends.openssl.ed448', 'cryptography.hazmat.backends.openssl.encode_asn1', 'cryptography.hazmat.backends.openssl.hashes', 'cryptography.hazmat.backends.openssl.hmac', 'cryptography.hazmat.backends.openssl.x509', 'cryptography.x509.ocsp', 'cryptography.hazmat.backends.openssl.ocsp', 'cryptography.hazmat.backends.openssl.poly1305', 'cryptography.hazmat.primitives.asymmetric.padding', 'cryptography.hazmat.backends.openssl.rsa', 'cryptography.hazmat.primitives.asymmetric.x25519', 'cryptography.hazmat.backends.openssl.x25519', 'cryptography.hazmat.primitives.asymmetric.x448', 'cryptography.hazmat.backends.openssl.x448', 'cryptography.hazmat.primitives.ciphers.algorithms', 'cryptography.hazmat.primitives.kdf', 'cryptography.hazmat.primitives.kdf.scrypt', 'cryptography.hazmat.backends.openssl.backend', 'cryptography.hazmat.backends.openssl', 'urllib3.packages.backports', 'urllib3.packages.backports.makefile', 'urllib3.contrib.pyopenssl', 'botocore.vendored.six.moves.urllib_parse', 'certifi.core', 'certifi', 'botocore.httpsession', 'botocore.vendored.six.moves.urllib', 'botocore.vendored.six.moves.urllib.request', 'botocore.utils', 'botocore.awsrequest', 'botocore.hooks', 'botocore.history', 'botocore.eventstream', 'botocore.parsers', 'botocore.response', 'botocore.endpoint', 'botocore.config', 'botocore.credentials', 'jmespath.compat', 'jmespath.exceptions', 'jmespath.lexer', 'jmespath.ast', 'jmespath.functions', 'jmespath.visitor', 'jmespath.parser', 'jmespath', 'botocore.docs.utils', 'botocore.docs.shape', 'botocore.docs.params', 'botocore.docs.example', 'botocore.docs.method', 'botocore.docs.sharedexample', 'botocore.docs.client', 'botocore.docs.waiter', 'botocore.docs.paginator', 'botocore.docs.bcdoc', '_markupbase', 'html.parser', 'botocore.docs.bcdoc.docstringparser', 'botocore.docs.bcdoc.style', 'botocore.docs.bcdoc.restdoc', 'botocore.docs.service', 'botocore.docs', 'botocore.docs.docstring', 'botocore.waiter', 'botocore.auth', 'botocore.model', 'botocore.paginate', 'botocore.validate', 'botocore.serialize', 'botocore.signers', 'botocore.args', 'botocore.discovery', 'botocore.client', 'botocore.configprovider', 'botocore.errorfactory', 'botocore.retryhandler', 'botocore.translate', 'botocore.handlers', 'botocore.loaders', 'botocore.regions', 'botocore.monitoring', 'botocore.session', 'boto3.utils', 'boto3.exceptions', 'boto3.resources', 'boto3.resources.params', 'boto3.resources.response', 'boto3.resources.model', 'boto3.docs.client', 'boto3.docs.base', 'boto3.docs.method', 'boto3.docs.utils', 'boto3.docs.action', 'boto3.docs.waiter', 'boto3.docs.collection', 'boto3.docs.subresource', 'boto3.docs.attr', 'boto3.docs.resource', 'boto3.docs.service', 'boto3.docs', 'boto3.docs.docstring', 'boto3.resources.action', 'boto3.resources.base', 'boto3.resources.collection', 'boto3.resources.factory', 'boto3.session', 'boto3', 'rasterio.env', 'rasterio.profiles', 'affine', 'rasterio._transform', 'rasterio.transform', 'rasterio.windows', 'rasterio._base', 'rasterio.drivers', 'rasterio.sample', 'rasterio._features', 'rasterio._warp', 'rasterio.vrt', 'rasterio._io', 'rasterio.io', 'rasterio', 'trollimage.xrimage', 'satpy.writers', 'pyspectral', 'pyspectral.solar', 'appdirs', 'pyspectral.config', 'pyspectral.utils', 'pyspectral.blackbody', 'pyspectral.rsr_reader', 'scipy.special.sf_error', 'scipy.special._ufuncs_cxx', 'scipy.special._ufuncs', 'scipy.special.specfun', 'scipy.linalg.linalg_version', 'scipy.linalg._fblas', 'scipy.linalg.blas', 'scipy.linalg._flapack', 'scipy._lib._util', 'scipy.linalg.lapack', 'scipy.linalg.misc', 'scipy.linalg._flinalg', 'scipy.linalg.flinalg', 'scipy.linalg.decomp', 'scipy.linalg.decomp_svd', 'scipy.linalg._solve_toeplitz', 'scipy.linalg.basic', 'scipy.linalg.decomp_lu', 'scipy.linalg._decomp_ldl', 'scipy.linalg.decomp_cholesky', 'scipy.linalg.decomp_qr', 'scipy.linalg._decomp_qz', 'scipy.linalg.decomp_schur', 'scipy.linalg._decomp_polar', 'scipy.linalg.special_matrices', 'scipy.linalg._expm_frechet', 'scipy.linalg._matfuncs_sqrtm', 'scipy.linalg.matfuncs', 'scipy.linalg._solvers', 'scipy.linalg._procrustes', 'scipy.linalg.cython_blas', 'scipy.linalg.cython_lapack', 'scipy.linalg._decomp_update', 'unittest.util', 'unittest.result', 'unittest.case', 'unittest.async_case', 'unittest.suite', 'unittest.loader', 'unittest.signals', 'unittest.runner', 'unittest.main', 'unittest', 'numpy.testing._private', 'numpy.testing._private.utils', 'numpy.testing._private.decorators', 'numpy.testing._private.nosetester', 'numpy.testing', 'scipy._lib._numpy_compat', 'scipy.sparse.sputils', 'scipy.sparse.base', 'scipy.sparse._sparsetools', 'scipy.sparse.data', 'scipy.sparse.dia', 'scipy.sparse._index', 'scipy.sparse.compressed', 'scipy.sparse.csr', 'scipy.sparse.csc', 'scipy.sparse._csparsetools', 'scipy.sparse.lil', 'scipy.sparse.dok', 'scipy.sparse.coo', 'scipy.sparse.bsr', 'scipy.sparse.construct', 'scipy.sparse.extract', 'scipy.sparse._matrix_io', 'scipy.sparse.csgraph._laplacian', 'scipy.sparse.csgraph._tools', 'scipy.sparse.csgraph._validation', 'scipy.sparse.csgraph._shortest_path', 'scipy.sparse.csgraph._traversal', 'scipy.sparse.csgraph._min_spanning_tree', 'scipy.sparse.csgraph._flow', 'scipy.sparse.csgraph._matching', 'scipy.sparse.csgraph._reordering', 'scipy.sparse.csgraph', 'scipy.sparse', 'scipy.linalg._sketches', 'scipy.linalg', 'scipy.special.orthogonal', 'scipy.special._comb', 'scipy.special._basic', 'scipy.special._logsumexp', 'scipy.special.spfun_stats', 'scipy.special._ellip_harm_2', 'scipy.special._ellip_harm', 'scipy.special.lambertw', 'scipy.special._spherical_bessel', 'scipy.special', 'scipy.integrate.quadrature', 'scipy.integrate._odepack', 'scipy.integrate.odepack', 'scipy.integrate._quadpack', 'scipy.integrate.quadpack', 'scipy.integrate.vode', 'scipy.integrate._dop', 'scipy.integrate.lsoda', 'scipy.integrate._ode', 'scipy.sparse.linalg.isolve._iterative', 'scipy.sparse.linalg.interface', 'scipy.sparse.linalg.isolve.utils', 'scipy._lib.decorator', 'scipy._lib._threadsafety', 'scipy.sparse.linalg.isolve.iterative', 'scipy.sparse.linalg.isolve.minres', 'scipy.sparse.linalg.isolve._gcrotmk', 'scipy.sparse.linalg.isolve.lgmres', 'scipy.sparse.linalg.isolve.lsqr', 'scipy.sparse.linalg.isolve.lsmr', 'scipy.sparse.linalg.isolve', 'scipy.sparse.linalg.dsolve._superlu', 'scipy.sparse.linalg.dsolve.linsolve', 'scipy.sparse.linalg.dsolve._add_newdocs', 'scipy.sparse.linalg.dsolve', 'scipy.sparse.linalg.eigen.arpack._arpack', 'scipy.sparse.linalg.eigen.lobpcg.lobpcg', 'scipy.sparse.linalg.eigen.lobpcg', 'scipy.sparse.linalg.eigen.arpack.arpack', 'scipy.sparse.linalg.eigen.arpack', 'scipy.sparse.linalg.eigen', 'scipy.sparse.linalg._expm_multiply', 'scipy.sparse.linalg.matfuncs', 'scipy.sparse.linalg._onenormest', 'scipy.sparse.linalg._norm', 'scipy.sparse.linalg', 'scipy.optimize.minpack2', 'scipy.optimize.linesearch', 'scipy.optimize.optimize', 'scipy.optimize._trustregion', 'scipy.optimize._trustregion_dogleg', 'scipy.optimize._trustregion_ncg', 'scipy._lib.messagestream', 'scipy.optimize._trlib._trlib', 'scipy.optimize._trlib', 'scipy.optimize._trustregion_krylov', 'scipy.optimize._trustregion_exact', 'scipy.optimize._group_columns', 'scipy.optimize._numdiff', 'scipy.optimize._hessian_update_strategy', 'scipy.optimize._differentiable_functions', 'scipy.optimize._constraints', 'scipy.optimize._trustregion_constr.projections', 'scipy.optimize._trustregion_constr.qp_subproblem', 'scipy.optimize._trustregion_constr.equality_constrained_sqp', 'scipy.optimize._trustregion_constr.canonical_constraint', 'scipy.optimize._trustregion_constr.tr_interior_point', 'scipy.optimize._trustregion_constr.report', 'scipy.optimize._trustregion_constr.minimize_trustregion_constr', 'scipy.optimize._trustregion_constr', 'scipy.optimize._lbfgsb', 'scipy.optimize.lbfgsb', 'scipy.optimize.moduleTNC', 'scipy.optimize.tnc', 'scipy.optimize._cobyla', 'scipy.optimize.cobyla', 'scipy.optimize._slsqp', 'scipy.optimize.slsqp', 'scipy.optimize._minimize', 'scipy.optimize._minpack', 'scipy.optimize._lsq.common', 'scipy.optimize._lsq.trf', 'scipy.optimize._lsq.dogbox', 'scipy.optimize._lsq.least_squares', 'scipy.optimize._lsq.givens_elimination', 'scipy.optimize._lsq.trf_linear', 'scipy.optimize._lsq.bvls', 'scipy.optimize._lsq.lsq_linear', 'scipy.optimize._lsq', 'scipy.optimize.minpack', 'scipy.optimize._spectral', 'scipy.optimize.nonlin', 'scipy.optimize._root', 'scipy.optimize._zeros', 'scipy.optimize.zeros', 'scipy.optimize._root_scalar', 'scipy.optimize._nnls', 'scipy.optimize.nnls', 'scipy.optimize._basinhopping', 'scipy.optimize._remove_redundancy', 'scipy.optimize._linprog_util', 'scipy.optimize._linprog_ip', 'scipy.optimize._linprog_simplex', 'scipy.optimize._bglu_dense', 'scipy.optimize._linprog_rs', 'scipy.optimize._linprog', 'scipy.optimize._lsap_module', 'scipy.optimize._lsap', 'scipy.optimize._differentialevolution', 'scipy.spatial.kdtree', 'scipy.spatial.ckdtree', 'scipy.spatial.qhull', 'scipy.spatial._voronoi', 'scipy.spatial._spherical_voronoi', 'scipy.spatial._plotutils', 'scipy.spatial._procrustes', 'scipy.spatial._distance_wrap', 'scipy.spatial._hausdorff', 'scipy.spatial.distance', 'scipy.constants.codata', 'scipy.constants.constants', 'scipy.constants', 'scipy.spatial.transform._rotation_groups', 'scipy.spatial.transform.rotation', 'scipy.spatial.transform._rotation_spline', 'scipy.spatial.transform', 'scipy.spatial', 'scipy.optimize._shgo_lib', 'scipy.optimize._shgo_lib.sobol_seq', 'scipy.optimize._shgo_lib.triangulation', 'scipy.optimize._shgo', 'scipy.optimize._dual_annealing', 'scipy.optimize', 'scipy.integrate._bvp', 'scipy.integrate._ivp.common', 'scipy.integrate._ivp.base', 'scipy.integrate._ivp.bdf', 'scipy.integrate._ivp.radau', 'scipy.integrate._ivp.dop853_coefficients', 'scipy.integrate._ivp.rk', 'scipy.integrate._ivp.lsoda', 'scipy.integrate._ivp.ivp', 'scipy.integrate._ivp', 'scipy.integrate._quad_vec', 'scipy.integrate', 'pyspectral.radiance_tb_conversion', 'pyspectral.near_infrared_reflectance', 'pyorbital.version', 'pyorbital', 'pyorbital.astronomy', 'satpy.composites', 'satpy.node', 'satpy.scene', 'imageio.core.util', 'imageio.core.findlib', 'imageio.core.fetching', 'imageio.core.request', 'imageio.core.format', 'imageio.core', 'imageio.core.functions', 'imageio.plugins.tifffile', 'imageio.plugins.pillow_info', 'imageio.plugins.pillowmulti', 'imageio.plugins.pillow', 'imageio.plugins.grab', 'imageio.plugins._freeimage', 'imageio.plugins.freeimage', 'imageio.plugins.freeimagemulti', 'imageio.plugins.ffmpeg', 'imageio.plugins.avbin', 'imageio.plugins.bsdf', 'imageio.plugins.dicom', 'imageio.plugins.npz', 'imageio.plugins.swf', 'imageio.plugins.feisem', 'imageio.plugins.fits', 'imageio.plugins.simpleitk', 'imageio.plugins.gdal', 'imageio.plugins.lytro', 'imageio.plugins.spe', 'imageio.plugins.example', 'imageio.plugins', 'imageio', 'satpy.multiscene', 'satpy', 'trollimage.colorspaces', 'trollimage.colormap', 'fogtools.vis', 'fogtools.processing.show_fog', 'satpy.readers.yaml_reader', 'satpy.readers.utils', 'satpy.readers.eum_base', 'satpy.readers.file_handlers', 'satpy.readers.seviri_base', 'satpy.readers.hrit_base', 'satpy.readers.seviri_l1b_native_hdr', 'satpy.readers._geos_area', 'satpy.readers.seviri_l1b_hrit', '_strptime', 'satpy.readers.nwcsaf_nc', 'getopt', 'netCDF4.utils', 'cftime._cftime', 'cftime', 'netCDF4._netCDF4', 'netCDF4', 'fogpy', 'fogpy.composites', 'fogpy.algorithms', 'matplotlib', 'matplotlib.cbook.deprecation', 'matplotlib.cbook', 'pyparsing', 'matplotlib.fontconfig_pattern', 'matplotlib._color_data', 'matplotlib.colors', 'cycler', 'matplotlib.rcsetup', 'matplotlib._version', 'matplotlib.ft2font', 'kiwisolver'] [DEBUG: 2020-03-24 16:03:44 : matplotlib] CACHEDIR=/data/gholl/cache/matplotlib [DEBUG: 2020-03-24 16:03:44 : matplotlib.font_manager] Using fontManager instance from /data/gholl/cache/matplotlib/fontlist-v310.json [DEBUG: 2020-03-24 16:03:44 : matplotlib.pyplot] Loaded backend qt5agg version unknown. [DEBUG: 2020-03-24 16:03:44 : matplotlib.pyplot] Loaded backend qt5agg version unknown. [DEBUG: 2020-03-24 16:03:44 : matplotlib.pyplot] Loaded backend Qt5Agg version unknown. [DEBUG: 2020-03-24 16:03:44 : satpy.composites] Looking for composites config file visir.yaml [DEBUG: 2020-03-24 16:03:44 : satpy.scene] Setting 'PPP_CONFIG_DIR' to '/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/etc/' [DEBUG: 2020-03-24 16:03:44 : satpy.readers] Reading ['/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/etc/readers/generic_image.yaml'] [DEBUG: 2020-03-24 16:03:44 : satpy.readers.yaml_reader] Assigning to generic_image: ['/media/nas/x21308/DEM/dem_eu_1km.tif'] [DEBUG: 2020-03-24 16:03:44 : rasterio.env] Entering env context: [DEBUG: 2020-03-24 16:03:44 : rasterio.env] Starting outermost env [DEBUG: 2020-03-24 16:03:44 : rasterio.env] No GDAL environment exists [DEBUG: 2020-03-24 16:03:44 : rasterio.env] New GDAL environment created [DEBUG: 2020-03-24 16:03:44 : rasterio._env] GDAL_DATA found in environment: '/data/gholl/miniconda3/envs/py38/share/gdal'. [DEBUG: 2020-03-24 16:03:44 : rasterio._env] PROJ_LIB found in environment: '/data/gholl/miniconda3/envs/py38/share/proj'. [DEBUG: 2020-03-24 16:03:44 : rasterio._env] Started GDALEnv . [DEBUG: 2020-03-24 16:03:44 : rasterio.env] Entered env context: [DEBUG: 2020-03-24 16:03:44 : rasterio._base] Sharing flag: 0 [DEBUG: 2020-03-24 16:03:45 : rasterio._base] Nodata success: 0, Nodata value: -10000000000.000000 [DEBUG: 2020-03-24 16:03:45 : rasterio._base] Dataset is started. [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Exiting env context: [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Cleared existing options [DEBUG: 2020-03-24 16:03:45 : rasterio._env] Stopped GDALEnv . [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Exiting outermost env [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Exited env context: [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Entering env context: [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Starting outermost env [DEBUG: 2020-03-24 16:03:45 : rasterio.env] No GDAL environment exists [DEBUG: 2020-03-24 16:03:45 : rasterio.env] New GDAL environment created [DEBUG: 2020-03-24 16:03:45 : rasterio._env] GDAL_DATA found in environment: '/data/gholl/miniconda3/envs/py38/share/gdal'. [DEBUG: 2020-03-24 16:03:45 : rasterio._env] PROJ_LIB found in environment: '/data/gholl/miniconda3/envs/py38/share/proj'. [DEBUG: 2020-03-24 16:03:45 : rasterio._env] Started GDALEnv . [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Entered env context: [DEBUG: 2020-03-24 16:03:45 : rasterio._base] Sharing flag: 0 [DEBUG: 2020-03-24 16:03:45 : rasterio._base] Nodata success: 0, Nodata value: -10000000000.000000 [DEBUG: 2020-03-24 16:03:45 : rasterio._base] Dataset is started. [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Exiting env context: [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Cleared existing options [DEBUG: 2020-03-24 16:03:45 : rasterio._env] Stopped GDALEnv . [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Exiting outermost env [DEBUG: 2020-03-24 16:03:45 : rasterio.env] Exited env context: [DEBUG: 2020-03-24 16:03:45 : satpy.composites] Looking for composites config file images.yaml [DEBUG: 2020-03-24 16:03:45 : satpy.composites] No composite config found called images.yaml /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:45 : satpy.readers.generic_image] Reading DatasetID(name='image', wavelength=None, resolution=None, polarization=None, calibration=None, level=None, modifiers=()). /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.009806 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008521 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008575 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008530 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008471 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008729 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008769 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008794 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008086 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.009140 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008224 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008659 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.009351 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008224 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008698 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008043 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.006130 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005683 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005389 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005390 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005989 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.006129 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005298 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005323 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005387 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005727 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005697 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005211 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005465 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005861 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.006077 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005927 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008789 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008578 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008451 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.007837 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008673 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008084 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.009083 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.008847 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005058 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005100 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005917 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005817 [DEBUG: 2020-03-24 16:03:45 : hrit_msg] Calibration time 0:00:00.005214 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.005213 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.005331 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.006237 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.058909 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.011245 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.008608 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.009072 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.008384 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.008414 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.008690 [DEBUG: 2020-03-24 16:03:46 : hrit_msg] Calibration time 0:00:00.011439 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyresample/utils/__init__.py:33: UserWarning: 'get_area_def' has moved, import it with 'from pyresample import get_area_def' warnings.warn("'get_area_def' has moved, import it with 'from pyresample import get_area_def'") /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_lwp. /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyresample/utils/__init__.py:33: UserWarning: 'get_area_def' has moved, import it with 'from pyresample import get_area_def' warnings.warn("'get_area_def' has moved, import it with 'from pyresample import get_area_def'") /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_cot. /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyresample/utils/__init__.py:33: UserWarning: 'get_area_def' has moved, import it with 'from pyresample import get_area_def' warnings.warn("'get_area_def' has moved, import it with 'from pyresample import get_area_def'") /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_reff. [DEBUG: 2020-03-24 16:03:46 : satpy.readers.yaml_reader] No coordinates found for DatasetID(name='cmic_cot_pal', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_cot_pal. [DEBUG: 2020-03-24 16:03:46 : satpy.readers.yaml_reader] No coordinates found for DatasetID(name='cmic_reff_pal', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_reff_pal. /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyresample/utils/__init__.py:33: UserWarning: 'get_area_def' has moved, import it with 'from pyresample import get_area_def' warnings.warn("'get_area_def' has moved, import it with 'from pyresample import get_area_def'") /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_conditions. /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyresample/utils/__init__.py:33: UserWarning: 'get_area_def' has moved, import it with 'from pyresample import get_area_def' warnings.warn("'get_area_def' has moved, import it with 'from pyresample import get_area_def'") /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_quality. /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyresample/utils/__init__.py:33: UserWarning: 'get_area_def' has moved, import it with 'from pyresample import get_area_def' warnings.warn("'get_area_def' has moved, import it with 'from pyresample import get_area_def'") /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_status_flag. [DEBUG: 2020-03-24 16:03:46 : satpy.readers.yaml_reader] No coordinates found for DatasetID(name='cmic_lwp_pal', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:46 : satpy.readers.nwcsaf_nc] Reading cmic_lwp_pal. /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.composites] Applying sun zen correction [DEBUG: 2020-03-24 16:03:46 : satpy.composites] Computing sun zenith angles. [DEBUG: 2020-03-24 16:03:46 : satpy.composites] Apply the standard sun-zenith correction [1/cos(sunz)] [DEBUG: 2020-03-24 16:03:46 : satpy.composites] Sun-zenith correction applied. Computation time: 0.0 (sec) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.composites] Applying sun zen correction [DEBUG: 2020-03-24 16:03:46 : satpy.composites] Computing sun zenith angles. [DEBUG: 2020-03-24 16:03:46 : satpy.composites] Apply the standard sun-zenith correction [1/cos(sunz)] [DEBUG: 2020-03-24 16:03:46 : satpy.composites] Sun-zenith correction applied. Computation time: 0.0 (sec) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:46 : satpy.scene] Unloading dataset: DatasetID(name='VIS006', wavelength=(0.56, 0.635, 0.71), resolution=3000.403165817, polarization=None, calibration='reflectance', level=None, modifiers=('sunz_corrected',)) [DEBUG: 2020-03-24 16:03:46 : satpy.scene] Unloading dataset: DatasetID(name='VIS008', wavelength=(0.74, 0.81, 0.88), resolution=3000.403165817, polarization=None, calibration='reflectance', level=None, modifiers=('sunz_corrected',)) [DEBUG: 2020-03-24 16:03:46 : satpy.scene] Setting 'PPP_CONFIG_DIR' to '/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/etc/' [DEBUG: 2020-03-24 16:03:46 : satpy.scene] Resampling DatasetID(name='IR_108', wavelength=(9.8, 10.8, 11.8), resolution=3000.403165817, polarization=None, calibration='brightness_temperature', level=None, modifiers=()) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [INFO: 2020-03-24 16:03:48 : satpy.resample] Using default KDTree resampler [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Check if ./resample_lut-68c79ada312425ccbe227c60c1dc26e55dcadcc1.npz exists [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Resampling reshape-0fbee86d8de6cdf37e7a925bc23de5c9 [DEBUG: 2020-03-24 16:03:48 : satpy.scene] Resampling DatasetID(name='IR_039', wavelength=(3.48, 3.92, 4.36), resolution=3000.403165817, polarization=None, calibration='brightness_temperature', level=None, modifiers=()) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Check if ./resample_lut-68c79ada312425ccbe227c60c1dc26e55dcadcc1.npz exists [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Resampling reshape-e9c05e58869de95f31c9443967204c76 [DEBUG: 2020-03-24 16:03:48 : satpy.scene] Resampling DatasetID(name='VIS006', wavelength=(0.56, 0.635, 0.71), resolution=3000.403165817, polarization=None, calibration='reflectance', level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Check if ./resample_lut-68c79ada312425ccbe227c60c1dc26e55dcadcc1.npz exists [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Resampling reshape-cfa7e90a6cb40e80de53b090824d768a [DEBUG: 2020-03-24 16:03:48 : satpy.scene] Resampling DatasetID(name='IR_016', wavelength=(1.5, 1.64, 1.78), resolution=3000.403165817, polarization=None, calibration='reflectance', level=None, modifiers=()) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Check if ./resample_lut-68c79ada312425ccbe227c60c1dc26e55dcadcc1.npz exists [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Resampling reshape-233a04d90ae0c4178decc63a68f62009 [DEBUG: 2020-03-24 16:03:48 : satpy.scene] Resampling DatasetID(name='IR_120', wavelength=(11.0, 12.0, 13.0), resolution=3000.403165817, polarization=None, calibration='brightness_temperature', level=None, modifiers=()) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Check if ./resample_lut-68c79ada312425ccbe227c60c1dc26e55dcadcc1.npz exists [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Resampling reshape-ed3b2ec53e8770c76ff28d710245b91d [DEBUG: 2020-03-24 16:03:48 : satpy.scene] Resampling DatasetID(name='VIS008', wavelength=(0.74, 0.81, 0.88), resolution=3000.403165817, polarization=None, calibration='reflectance', level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Check if ./resample_lut-68c79ada312425ccbe227c60c1dc26e55dcadcc1.npz exists [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Resampling reshape-916d703f11ee0d254ae225e391c6be56 [DEBUG: 2020-03-24 16:03:48 : satpy.scene] Resampling DatasetID(name='IR_087', wavelength=(8.3, 8.7, 9.1), resolution=3000.403165817, polarization=None, calibration='brightness_temperature', level=None, modifiers=()) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Check if ./resample_lut-68c79ada312425ccbe227c60c1dc26e55dcadcc1.npz exists [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:48 : satpy.resample] Resampling reshape-33262a324a3b84c647c022e50db88268 [DEBUG: 2020-03-24 16:03:48 : satpy.scene] Resampling DatasetID(name='cmic_lwp', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyresample/spherical.py:123: RuntimeWarning: invalid value encountered in true_divide self.cart /= np.sqrt(np.einsum('...i, ...i', self.cart, self.cart)) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [INFO: 2020-03-24 16:03:50 : satpy.resample] Using default KDTree resampler [DEBUG: 2020-03-24 16:03:50 : satpy.resample] Check if ./resample_lut-d52eecb0561b507cdc5ac2436b625c7cc7fa135e.npz exists [DEBUG: 2020-03-24 16:03:50 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:50 : satpy.resample] Resampling cmic_lwp [DEBUG: 2020-03-24 16:03:50 : satpy.scene] Resampling DatasetID(name='cmic_status_flag', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:50 : satpy.resample] Check if ./resample_lut-d52eecb0561b507cdc5ac2436b625c7cc7fa135e.npz exists [DEBUG: 2020-03-24 16:03:50 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:50 : satpy.resample] Resampling cmic_status_flag [DEBUG: 2020-03-24 16:03:50 : satpy.scene] Resampling DatasetID(name='cmic_conditions', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:50 : satpy.resample] Check if ./resample_lut-d52eecb0561b507cdc5ac2436b625c7cc7fa135e.npz exists [DEBUG: 2020-03-24 16:03:50 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Resampling cmic_conditions [DEBUG: 2020-03-24 16:03:51 : satpy.scene] Resampling DatasetID(name='cmic_quality', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Check if ./resample_lut-d52eecb0561b507cdc5ac2436b625c7cc7fa135e.npz exists [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Resampling cmic_quality [DEBUG: 2020-03-24 16:03:51 : satpy.scene] Resampling DatasetID(name='cmic_cot', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Check if ./resample_lut-d52eecb0561b507cdc5ac2436b625c7cc7fa135e.npz exists [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Resampling cmic_cot [DEBUG: 2020-03-24 16:03:51 : satpy.scene] Resampling DatasetID(name='cmic_reff', wavelength=None, resolution=3000, polarization=None, calibration=None, level=None, modifiers=()) [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Check if ./resample_lut-d52eecb0561b507cdc5ac2436b625c7cc7fa135e.npz exists [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Resampling cmic_reff [DEBUG: 2020-03-24 16:03:51 : satpy.scene] Resampling DatasetID(name='overview', wavelength=None, resolution=3000.403165817, polarization=None, calibration=None, level=None, modifiers=None) [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Check if ./resample_lut-68c79ada312425ccbe227c60c1dc26e55dcadcc1.npz exists [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:03:51 : satpy.resample] Resampling where-12f488ebd189aaa60b9b3f240940a9e4 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/composites/__init__.py:353: UserWarning: satpy.composites.CompositeBase.check_areas is deprecated, use satpy.composites.CompositeBase.match_data_arrays instead warnings.warn('satpy.composites.CompositeBase.check_areas is deprecated, use ' /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in less_equal return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in greater_equal return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in less_equal return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in greater_equal return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in less_equal return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in greater_equal return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) [DEBUG: 2020-03-24 16:04:39 : satpy.scene] Setting 'PPP_CONFIG_DIR' to '/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/etc/' [DEBUG: 2020-03-24 16:04:39 : satpy.scene] Resampling DatasetID(name='image', wavelength=None, resolution=None, polarization=None, calibration=None, level=None, modifiers=()) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyresample/spherical.py:123: RuntimeWarning: invalid value encountered in true_divide self.cart /= np.sqrt(np.einsum('...i, ...i', self.cart, self.cart)) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/pyproj/crs.py:562: UserWarning: You will likely lose important projection information when converting to a PROJ string from another format. See: https://proj.org/faq.html#what-is-the-best-format-for-describing-coordinate-reference-systems proj_string = self.to_proj4() [INFO: 2020-03-24 16:04:41 : satpy.resample] Using default KDTree resampler [DEBUG: 2020-03-24 16:04:41 : satpy.resample] Check if ./resample_lut-489759ab5a2d8effc872c12f33b27c9c0e0c86fd.npz exists [DEBUG: 2020-03-24 16:04:41 : satpy.resample] Computing kd-tree parameters [DEBUG: 2020-03-24 16:04:41 : satpy.resample] Resampling None [DEBUG: 2020-03-24 16:04:41 : rasterio._io] Output nodata value read from file: None [DEBUG: 2020-03-24 16:04:41 : rasterio._io] Output nodata values: [None] [DEBUG: 2020-03-24 16:04:41 : rasterio._io] all_valid: True [DEBUG: 2020-03-24 16:04:41 : rasterio._io] mask_flags: ([],) [DEBUG: 2020-03-24 16:04:41 : rasterio._io] Jump straight to _read() [DEBUG: 2020-03-24 16:04:41 : rasterio._io] Window: Window(col_off=0, row_off=0, width=2250, height=944) [DEBUG: 2020-03-24 16:04:41 : rasterio._io] IO window xoff=0.0 yoff=0.0 width=2250.0 height=944.0 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in sin return func(*args2) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in cos return func(*args2) [INFO: 2020-03-24 16:04:46 : fogpy.algorithms] Starting fog and low cloud detection algorithm in daytime mode [INFO: 2020-03-24 16:04:46 : fogpy.filters] Applying Cloud Filter [DEBUG: 2020-03-24 16:04:46 : fogpy.filters] Histogram range for cloudy/clear sky pixels: -16.155189514160156 - 3.1137118339538574 [WARNING: 2020-03-24 16:04:46 : fogpy.filters] Cloud maks difference threshold 0.116327203810215 outside normal range (from -5 to 0) /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:452: RuntimeWarning: invalid value encountered in greater self.ccl[self.ccl > 1] = 1 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:453: RuntimeWarning: invalid value encountered in less self.ccl[self.ccl < 0] = 0 /data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:456: RuntimeWarning: invalid value encountered in greater self.mask = self.cm_diff > self.thres [INFO: 2020-03-24 16:04:46 : fogpy.filters] Filter results for CloudFilter
                Cloud filtering for satellite images.
                Array size:              5242880
                Masking:                 1004342
                Previous masked:         241336
                New filtered:            1004342
                Remaining:               3997202

[INFO: 2020-03-24 16:04:46 : fogpy.filters] Applying Snow Filter
/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:517: RuntimeWarning: invalid value encountered in greater_equal
temp_thres = (self.vis008 / 100 >= 0.11) & (self.ir108 >= 256)
/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:518: RuntimeWarning: invalid value encountered in greater_equal
ndsi_thres = self.ndsi >= 0.4
[INFO: 2020-03-24 16:04:46 : fogpy.filters] Filter results for SnowFilter

                Snow filtering for satellite images.
                Array size:              5242880
                Masking:                 50274
                Previous masked:         1245678
                New filtered:            15403
                Remaining:               3981799

[INFO: 2020-03-24 16:04:46 : fogpy.filters] Applying Snow Filter
/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:554: RuntimeWarning: invalid value encountered in less
ice_mask = (self.ic_diff < 2.5) | (self.ir108 < 250)
[INFO: 2020-03-24 16:04:46 : fogpy.filters] Filter results for IceCloudFilter

                Ice cloud filtering for satellite images.
                Array size:              5242880
                Masking:                 3552503
                Previous masked:         1261081
                New filtered:            2696327
                Remaining:               1285472

[INFO: 2020-03-24 16:04:46 : fogpy.filters] Applying Cirrus Filter
[DEBUG: 2020-03-24 16:04:46 : fogpy.filters] Found solar zenith angles from 9.093614193345056 to 87.3190975181772°
[DEBUG: 2020-03-24 16:05:45 : fogpy.filters] Set BT difference thresholds for cirrus: 0.55 to 11.22 K
/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:617: RuntimeWarning: invalid value encountered in greater
self.bt_ci_mask = self.bt_diff > self.bt_thres
/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:621: RuntimeWarning: invalid value encountered in greater
self.strong_ci_mask = self.strong_ci_diff > 0
[INFO: 2020-03-24 16:05:45 : fogpy.filters] Filter results for CirrusCloudFilter

                Thin cirrus cloud filtering for satellite images.
                Array size:              5242880
                Masking:                 1919514
                Previous masked:         3957408
                New filtered:            46742
                Remaining:               1238730

[INFO: 2020-03-24 16:05:45 : fogpy.filters] Applying Water Cloud Filter
/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:687: RuntimeWarning: invalid value encountered in greater
water_mask = self.ndsi_ci > 0.1
[DEBUG: 2020-03-24 16:05:45 : fogpy.filters] Mean latitudinal threshold for cloudfree areas: 279.63 K
/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/filters.py:716: RuntimeWarning: invalid value encountered in less_equal
res = lat <= thres[self.line]
[INFO: 2020-03-24 16:05:45 : fogpy.filters] Filter results for WaterCloudFilter

                Water cloud filtering for satellite images.
                Array size:              5242880
                Masking:                 2513723
                Previous masked:         4004150
                New filtered:            45772
                Remaining:               1192958

[INFO: 2020-03-24 16:05:45 : fogpy.algorithms] Clustering low clouds
[DEBUG: 2020-03-24 16:05:45 : fogpy.algorithms] Number of spatial coherent fog cloud clusters: 961
[INFO: 2020-03-24 16:05:45 : fogpy.algorithms] Starting low cloud height assignment algorithm
[INFO: 2020-03-24 16:05:45 : fogpy.algorithms] Clustering low clouds
[DEBUG: 2020-03-24 16:05:45 : fogpy.algorithms] Number of spatial coherent fog cloud clusters: 961
Traceback (most recent call last):
File "/data/gholl/miniconda3/envs/py38/bin/show-fog", line 8, in
sys.exit(main())
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogtools/processing/show_fog.py", line 50, in main
rv = vis.get_fog_blend_from_seviri_nwcsaf(
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogtools/vis.py", line 75, in get_fog_blend_from_seviri_nwcsaf
ls.load(["fls_day", "fls_day_extra"], unload=False)
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 972, in load
keepables = self.generate_composites()
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 887, in generate_composites
return self._read_composites(nodes)
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 862, in _read_composites
self._generate_composite(item, keepables)
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 801, in _generate_composite
prereq_datasets = self._get_prereq_datasets(
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 751, in _get_prereq_datasets
self._generate_composite(prereq_node, keepables)
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 835, in _generate_composite
composite = compositor(prereq_datasets,
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/composites.py", line 176, in call
fls, mask = flsalgo.run()
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/algorithms.py", line 114, in run
self.procedure()
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/algorithms.py", line 458, in procedure
lcthalgo.run()
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/algorithms.py", line 114, in run
self.procedure()
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/algorithms.py", line 716, in procedure
tmargin = [tneigh[i] for i in idmargin]
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/fogpy/algorithms.py", line 716, in
tmargin = [tneigh[i] for i in idmargin]
IndexError: index 7 is out of bounds for axis 0 with size 6
Exception ignored in: <function Pool.del at 0x7f0992a130d0>
Traceback (most recent call last):
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/multiprocessing/pool.py", line 268, in del
File "/data/gholl/miniconda3/envs/py38/lib/python3.8/multiprocessing/queues.py", line 362, in put
AttributeError: 'NoneType' object has no attribute 'dumps'

lowwatercloud.optimize_cbh messes up fog base height?

>>> c = LowWaterCloud(2000., 275., 400., 100., 10e-6)
>>> c.init_cloud_layers(100, 50)
>>> c.get_fog_base_height()
125.0

Which is correct according to https://github.com/gerritholl/fogpy/blob/a66ddd5b625066e287399404a231e0272cfdfa28/fogpy/test/test_lowwatercloud.py#L320-L324

But then:

>>> c.optimize_cbh(c.cbh, method="brute")
1056.0
>>> c.get_fog_base_height()
Traceback (most recent call last):
  File "<console>", line 1, in <module>
  File "/home/gholl/checkouts/fogpy/fogpy/lowwatercloud.py", line 287, in get_fog_base_height
    self.fbh = min(fog_z)  # Get lowest heights with visibility treshold
ValueError: min() arg is an empty sequence
>>> c.optimize_cbh(c.cbh, method="basin")
1056.016515282201
>>> c.get_fog_base_height()
1061.0165152782138

What's going on here?

Related to #20.

Speed up fogpy

Fogpy is rather slow. Needs some profiling, and probably some of the lower-end functions could be rewritten in numba to speed things up considerably.

Numerous warnings when generating composites

Generating composites issues numerous warnings:

from satpy import Scene
from glob import glob
from satpy.utils import debug_on
debug_on()
fn_nwcsaf = glob("/media/nas/x21308/scratch/NWCSAF/*100000Z.nc")
fn_sev = glob("/media/nas/x21308/scratch/SEVIRI/*201904151000*")
fn_dem=["/media/nas/x21308/DEM/dem_eu_1km.tif"]
sc = Scene(filenames={"seviri_l1b_hrit": fn_sev, "nwcsaf-geo": fn_nwcsaf})
sc.load(["cmic_reff", "IR_108", "IR_087", "cmic_cot", "IR_016", "VIS006",
    "IR_120", "VIS008", "cmic_lwp", "IR_039"])
ls = sc.resample("eurol")
ls.load(["fls_night"])
ls.show("fls_night")
ls.load(["fls_day", "fls_night"])
ls.show("fls_day")

Running this gives:

/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/pyresample/spherical.py:123: RuntimeWarning: invalid value encountered in true_divide
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/algorithms.py:1446: RuntimeWarning: invalid value encountered in less
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in less_equal
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/dask/core.py:119: RuntimeWarning: invalid value encountered in greater_equal
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:433: RuntimeWarning: invalid value encountered in greater
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:434: RuntimeWarning: invalid value encountered in less
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:437: RuntimeWarning: invalid value encountered in greater
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:498: RuntimeWarning: invalid value encountered in greater_equal
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:499: RuntimeWarning: invalid value encountered in greater_equal
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:535: RuntimeWarning: invalid value encountered in less
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:598: RuntimeWarning: invalid value encountered in greater
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:602: RuntimeWarning: invalid value encountered in greater
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:668: RuntimeWarning: invalid value encountered in greater
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:697: RuntimeWarning: invalid value encountered in less_equal
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/algorithms.py:692: RuntimeWarning: Mean of empty slice
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:757: RuntimeWarning: invalid value encountered in greater
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:855: RuntimeWarning: invalid value encountered in greater
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/fogpy/filters.py:1055: RuntimeWarning: Mean of empty slice
/media/nas/x21324/miniconda3/envs/py37d/lib/python3.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.

The last warning is printed 4385 times, but that may be related to https://bugs.python.org/issue29672 .

Publish DEMs somewhere

Fogpy can work with DEMs for central Europe or New England, but those DEMs are too large to fit in a Github repository. They should be published somewhere, for example on Zenodo. At present tests are failing due to their absence, but it would also much ease installation if they were present or automatically downloaded. I think pyspectral does something like that for Relative Spectral Response functions (RSRs)

Support xarray/dask

Satpy nowadays uses xarray and dask arrays. Those arrays should be supported by fogpy as well.

fogpy can't implicitly load dependencies

import glob
import sattools.ptc
from satpy import Scene
fn_sev = glob.glob("/media/nas/x21308/scratch/SEVIRI/2013/12/12/*")
fn_cmsaf = ["/media/nas/x20629/SEVIRI/repr2/level2/cpp/2013/12/12/CPPin20131212100000305SVMSG01MD.nc"]
reader_sev = "seviri_l1b_hrit"
reader_cmsaf = "cmsaf-claas2_l2_nc"
sc = Scene(filenames={
            reader_sev: fn_sev,
            reader_cmsaf: fn_cmsaf})
sattools.ptc.add_pkg_comps_mods(sc, "fogpy", sensors=["seviri"])
ls = sc.resample("germ2")
ls.load(["fls_day"])
ls.show("germ2")

fails with

  File "mwe53.py", line 13, in <module>
    ls.load(["fls_day"])
  File "/data/gholl/miniconda3/envs/py38/lib/python3.8/site-packages/satpy/scene.py", line 971, in load
    raise KeyError("Unknown datasets: {}".format(unknown_str))
KeyError: 'Unknown datasets: VIS006, IR_120, IR_087, VIS008, IR_108, IR_039, IR_016'

It works when adding

sc.load(["VIS006", "IR_120", "IR_087", "VIS008", "IR_108", "IR_039", "IR_016", "cot", "cwp", "reff"])

The need for explicit loading is partly an inevitable consequence of the workaround in 1e85cd3, but that doesn't explain why it also finds the datasets it can find with SEVIRI unknown. This may be an issue with satpy dependencies not found when having multiple readers?

check_areas is deprecated, replace by match_data_arrays

Fogpy uses check_areas but this is deprecated, resulting in this warning:

/opt/pytroll/pytroll_inst/miniconda3-exp/envs/py38/lib/python3.8/site-packages/satpy/composites/__init__.py:355: UserWarning: satpy.composites.CompositeBase.check_areas is deprecated, use satpy.composites.CompositeBase.match_data_arrays instead

Fogpy for ABI produces wrong image

Using fogpy 1.2.0+dev52.g86a9cf7.fogpy.for.abi and fogtools 0.1.0.post0.dev43+g12198b9:

show-fog $PLOTDIR/abi-ne.tif -m abi_l1b --sat import/Sat_data/OR_ABI-L1b-RadF-M3C*_G16_s20170731606102_e*.nc --nwcsaf export/CMIC/S_NWC_CMIC_GOES16_NEW-ENGLAND-NR_20170314T160610Z.nc

The result is somewhat artsy but not useful:

abi-ne-failed

LowWaterCloud.optimize_cbh gives inconsistent results

In fogpy.test.test_lowwatercloud.Test_LowWaterCloud.test_optimize_cbh_start_thin, it is apparently expected that in at least 8 cases, the CBH is estimated to be 421m:

https://github.com/gerritholl/fogpy/blob/765266f4897003ebf4689e6bf1568299b36aa8af/fogpy/test/test_lowwatercloud.py#L257-L273

In practice, I find that this is the case for 0:

>>> print(listresult)
[1867.0078834795156, 1898.4940580829307, 2957.950231409033, 699.3604527454505, 1856.701273063093, 1832.028336011312, 1894.3922645949594, 1880.2672655709196, 2201.2275823144937, 100.0, 1778.1183698227826, 1899.0896455777947]

In fact, if I call it several times, I get widely different results... for a starting guess of 100 m, the retrieved cloud base height varies from 100 metre to 2379 metre:

>>> [self.thinlwc.optimize_cbh(100., method='basin') for _ in range(10)]
[1796.6280971323695, 2378.811619607044, 100.0, 1894.4384007975327, 1866.3537472568476, 1885.6555720495462, 1854.8449664665986, 1880.2325912638637, 1893.578354678866, 2406.25380243318]

With brute force, it always returns 0 m:

>>> print([self.thinlwc.optimize_cbh(100., method='brute') for _ in range(10)])
[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]

Something seems very wrong here.

Test errors and failures

After installation of fogpy, I get 12 errors and 1 failure:

test_base_algorithm (fogpy.test.test_algorithms.Test_BaseSatelliteAlgorithm) ... ok
test_fls_algorithm (fogpy.test.test_algorithms.Test_DayFogLowStratusAlgorithm) ... /media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollimage/colorspaces.py:128: RuntimeWarning: invalid value encountered in power
  1.055 * (arr ** (1.0 / 2.4)) - 0.055,
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining pool workers
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollimage/colorspaces.py:36: RuntimeWarning: invalid value encountered in greater
  return np.where(arr > 6.0/29.0,
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollimage/colorspaces.py:127: RuntimeWarning: invalid value encountered in greater
  return np.where(arr > 0.0031308,
ERROR
test_fls_algorithm_no_cth_use_clusters (fogpy.test.test_algorithms.Test_DayFogLowStratusAlgorithm) ... /home/gholl/checkouts/fogpy/fogpy/algorithms.py:689: RuntimeWarning: Mean of empty slice
  cth = np.nanmean(cthmargin)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/numpy/core/_methods.py:32: RuntimeWarning: invalid value encountered in reduce
  return umr_minimum(a, axis, None, out, keepdims, initial)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/numpy/core/_methods.py:28: RuntimeWarning: invalid value encountered in reduce
  return umr_maximum(a, axis, None, out, keepdims, initial)
/home/gholl/checkouts/fogpy/fogpy/filters.py:754: RuntimeWarning: invalid value encountered in greater
  cth_mask = (self.cth - self.elev) > 1000
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-9] child process calling self.run()
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-10] child process calling self.run()
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-11] child process calling self.run()
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-12] child process calling self.run()
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-13] child process calling self.run()
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-14] child process calling self.run()
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-15] child process calling self.run()
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-16] child process calling self.run()
/home/gholl/checkouts/fogpy/fogpy/filters.py:1052: RuntimeWarning: Mean of empty slice
  result = {k: np.nanmean(v) for k, v in result.iteritems()}
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-9] worker got sentinel -- exiting
[DEBUG/PoolWorker-13] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-9] worker exiting after 22 tasks
[DEBUG/PoolWorker-13] worker exiting after 20 tasks
[DEBUG/PoolWorker-10] worker got sentinel -- exiting
[DEBUG/PoolWorker-15] worker got sentinel -- exiting
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[INFO/PoolWorker-9] process shutting down
[DEBUG/PoolWorker-10] worker exiting after 21 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[INFO/PoolWorker-13] process shutting down
[DEBUG/PoolWorker-15] worker exiting after 27 tasks
[DEBUG/PoolWorker-9] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-10] process shutting down
[DEBUG/PoolWorker-13] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-15] process shutting down
[DEBUG/PoolWorker-10] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-15] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-9] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-13] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-10] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-15] running the remaining "atexit" finalizers
[INFO/PoolWorker-9] process exiting with exitcode 0
[INFO/PoolWorker-13] process exiting with exitcode 0
[INFO/PoolWorker-15] process exiting with exitcode 0
[INFO/PoolWorker-10] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-16] worker got sentinel -- exiting
[DEBUG/PoolWorker-14] worker got sentinel -- exiting
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-16] worker exiting after 22 tasks
[DEBUG/PoolWorker-14] worker exiting after 24 tasks
[INFO/PoolWorker-16] process shutting down
[DEBUG/PoolWorker-16] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-12] worker got sentinel -- exiting
[INFO/PoolWorker-14] process shutting down
[DEBUG/PoolWorker-12] worker exiting after 17 tasks
[DEBUG/PoolWorker-16] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-14] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-16] process exiting with exitcode 0
[INFO/PoolWorker-12] process shutting down
[DEBUG/PoolWorker-14] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-12] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-14] process exiting with exitcode 0
[DEBUG/PoolWorker-12] running the remaining "atexit" finalizers
[INFO/PoolWorker-12] process exiting with exitcode 0
[DEBUG/PoolWorker-11] worker got sentinel -- exiting
[DEBUG/PoolWorker-11] worker exiting after 21 tasks
[INFO/PoolWorker-11] process shutting down
[DEBUG/PoolWorker-11] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-11] running the remaining "atexit" finalizers
[INFO/PoolWorker-11] process exiting with exitcode 0
/home/gholl/checkouts/fogpy/fogpy/filters.py:995: RuntimeWarning: invalid value encountered in greater
  0)] = True
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
ok
test_fls_algorithm_other (fogpy.test.test_algorithms.Test_DayFogLowStratusAlgorithm) ... [DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-17] child process calling self.run()
[INFO/PoolWorker-17] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-18] child process calling self.run()
[INFO/PoolWorker-18] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-19] child process calling self.run()
[INFO/PoolWorker-19] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-20] child process calling self.run()
[INFO/PoolWorker-20] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-21] child process calling self.run()
[INFO/PoolWorker-21] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-22] child process calling self.run()
[INFO/PoolWorker-22] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-23] child process calling self.run()
[INFO/PoolWorker-23] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-24] child process calling self.run()
[INFO/PoolWorker-24] child process calling self.run()
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/PoolWorker-21] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-21] worker got sentinel -- exiting
[DEBUG/PoolWorker-18] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-19] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-18] worker got sentinel -- exiting
[DEBUG/PoolWorker-19] worker got sentinel -- exiting
[DEBUG/PoolWorker-22] worker got sentinel -- exiting
[DEBUG/PoolWorker-21] worker exiting after 18 tasks
[DEBUG/PoolWorker-17] worker got sentinel -- exiting
[DEBUG/PoolWorker-22] worker got sentinel -- exiting
[DEBUG/PoolWorker-24] worker got sentinel -- exiting
[DEBUG/PoolWorker-21] worker exiting after 18 tasks
[DEBUG/PoolWorker-18] worker exiting after 16 tasks
[DEBUG/PoolWorker-19] worker exiting after 18 tasks
[DEBUG/PoolWorker-17] worker got sentinel -- exiting
[DEBUG/PoolWorker-24] worker got sentinel -- exiting
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-18] worker exiting after 16 tasks
[DEBUG/PoolWorker-19] worker exiting after 18 tasks
[DEBUG/PoolWorker-22] worker exiting after 18 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-22] worker exiting after 18 tasks
[INFO/PoolWorker-21] process shutting down
[DEBUG/PoolWorker-24] worker exiting after 20 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-17] worker exiting after 19 tasks
[INFO/PoolWorker-21] process shutting down
[DEBUG/PoolWorker-24] worker exiting after 20 tasks
[INFO/PoolWorker-19] process shutting down
[INFO/PoolWorker-18] process shutting down
[DEBUG/PoolWorker-17] worker exiting after 19 tasks
[INFO/PoolWorker-18] process shutting down
[INFO/PoolWorker-19] process shutting down
[INFO/PoolWorker-22] process shutting down
[INFO/PoolWorker-22] process shutting down
[DEBUG/PoolWorker-21] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-24] process shutting down
[DEBUG/PoolWorker-18] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-19] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-24] process shutting down
[DEBUG/PoolWorker-21] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-19] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-18] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-17] process shutting down
[DEBUG/PoolWorker-22] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-22] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-17] process shutting down
[DEBUG/PoolWorker-24] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-24] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-19] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-18] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-21] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-17] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-19] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-18] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-22] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-21] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-17] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-22] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-24] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-24] running the remaining "atexit" finalizers
[INFO/PoolWorker-18] process exiting with exitcode 0
[INFO/PoolWorker-19] process exiting with exitcode 0
[INFO/PoolWorker-18] process exiting with exitcode 0
[INFO/PoolWorker-19] process exiting with exitcode 0
[INFO/PoolWorker-21] process exiting with exitcode 0
[INFO/PoolWorker-22] process exiting with exitcode 0
[DEBUG/PoolWorker-17] running the remaining "atexit" finalizers
[INFO/PoolWorker-24] process exiting with exitcode 0
[INFO/PoolWorker-22] process exiting with exitcode 0
[INFO/PoolWorker-21] process exiting with exitcode 0
[DEBUG/PoolWorker-17] running the remaining "atexit" finalizers
[INFO/PoolWorker-24] process exiting with exitcode 0
[DEBUG/PoolWorker-20] worker got sentinel -- exiting
[DEBUG/PoolWorker-20] worker got sentinel -- exiting
[INFO/PoolWorker-17] process exiting with exitcode 0
[INFO/PoolWorker-17] process exiting with exitcode 0
[DEBUG/PoolWorker-20] worker exiting after 17 tasks
[DEBUG/PoolWorker-20] worker exiting after 17 tasks
[INFO/PoolWorker-20] process shutting down
[INFO/PoolWorker-20] process shutting down
[DEBUG/PoolWorker-20] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-20] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-20] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-20] running the remaining "atexit" finalizers
[INFO/PoolWorker-20] process exiting with exitcode 0
[INFO/PoolWorker-20] process exiting with exitcode 0
[DEBUG/PoolWorker-23] worker got sentinel -- exiting
[DEBUG/PoolWorker-23] worker got sentinel -- exiting
[DEBUG/PoolWorker-23] worker exiting after 22 tasks
[DEBUG/PoolWorker-23] worker exiting after 22 tasks
[INFO/PoolWorker-23] process shutting down
[INFO/PoolWorker-23] process shutting down
[DEBUG/PoolWorker-23] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-23] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-23] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-23] running the remaining "atexit" finalizers
[INFO/PoolWorker-23] process exiting with exitcode 0
[INFO/PoolWorker-23] process exiting with exitcode 0
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
ERROR
test_lcth_algorithm_artificial (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... /home/gholl/checkouts/fogpy/fogpy/algorithms.py:850: FutureWarning: `rcond` parameter will change to the default of machine precision times ``max(M, N)`` where M and N are the input matrix dimensions.
To use the future default and silence this warning we advise to pass `rcond=None`, to keep using the old, explicitly pass `rcond=-1`.
  m, c = np.linalg.lstsq(A, y)[0]
ok
test_lcth_algorithm_artificial_complement (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... ok
test_lcth_algorithm_artificial_next (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... ok
test_lcth_algorithm_interpolate (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... ok
test_lcth_algorithm_linreg (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... ok
Test single cloud cluster linear regression interpolation ... ok
test_lcth_algorithm_nan_neighbor (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... /home/gholl/checkouts/fogpy/fogpy/algorithms.py:729: RuntimeWarning: All-NaN slice encountered
  self.minheight = np.nanmin(self.result)
/home/gholl/checkouts/fogpy/fogpy/algorithms.py:730: RuntimeWarning: Mean of empty slice
  self.meanheight = np.nanmean(self.result)
/home/gholl/checkouts/fogpy/fogpy/algorithms.py:731: RuntimeWarning: All-NaN slice encountered
  self.maxheight = np.nanmax(self.result)
/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py:378: RuntimeWarning: All-NaN slice encountered
  self.assertEqual(np.isnan(np.nanmax(lcthalgo.dz)), True)
/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py:379: RuntimeWarning: All-NaN slice encountered
  self.assertEqual(np.isnan(np.nanmax(lcthalgo.cth)), True)
ok
test_lcth_algorithm_real (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... ok
test_lcth_cell_neighbors (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... ok
test_lcth_direct_neighbors (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... ok
test_lcth_lapse_rate (fogpy.test.test_algorithms.Test_LowCloudHeightAlgorithm) ... ok
test_nightfls_algorithm (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm) ... ERROR
test_nightfls_algorithm2 (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm) ... ERROR
test_nightfls_slope (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm) ... ERROR
test_nightfls_turningpoints_no_valley (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm) ... ERROR
test_nightfls_turningpoints_with_thres (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm) ... ERROR
test_nightfls_turningpoints_with_valley (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm) ... ERROR
Test resampling to degraded multispectral channel resolution ... /home/gholl/checkouts/fogpy/fogpy/algorithms.py:1130: FutureWarning: `rcond` parameter will change to the default of machine precision times ``max(M, N)`` where M and N are the input matrix dimensions.
To use the future default and silence this warning we advise to pass `rcond=None`, to keep using the old, explicitly pass `rcond=-1`.
  results, resids, rank, s = np.linalg.lstsq(A, y)
ok
test_array_filter (fogpy.test.test_filters.Test_ArrayFilter) ... ok
test_array_filter_param (fogpy.test.test_filters.Test_ArrayFilter) ... ok
test_marray_filter (fogpy.test.test_filters.Test_ArrayFilter) ... ok
test_cirrus_cloud_filter (fogpy.test.test_filters.Test_CirrusCloudFilter) ... ok
test_ccl_cloud_filter (fogpy.test.test_filters.Test_CloudFilter) ... ok
test_cloud_filter (fogpy.test.test_filters.Test_CloudFilter) ... ok
test_cloud_filter_plot (fogpy.test.test_filters.Test_CloudFilter) ... ok
test_masked_cloud_filter (fogpy.test.test_filters.Test_CloudFilter) ... ok
test_cloud_motion_filter (fogpy.test.test_filters.Test_CloudMotionFilter) ... ERROR
test_ice_cloud_filter (fogpy.test.test_filters.Test_IceCloudFilter) ... ok
test_lowcloud_filter_clusters (fogpy.test.test_filters.Test_LowCloudFilter) ... [DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-25] child process calling self.run()
[INFO/PoolWorker-25] child process calling self.run()
[INFO/PoolWorker-25] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-26] child process calling self.run()
[INFO/PoolWorker-26] child process calling self.run()
[INFO/PoolWorker-26] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-27] child process calling self.run()
[INFO/PoolWorker-27] child process calling self.run()
[INFO/PoolWorker-27] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-28] child process calling self.run()
[INFO/PoolWorker-28] child process calling self.run()
[INFO/PoolWorker-28] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-29] child process calling self.run()
[INFO/PoolWorker-29] child process calling self.run()
[INFO/PoolWorker-29] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-30] child process calling self.run()
[INFO/PoolWorker-30] child process calling self.run()
[INFO/PoolWorker-30] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-31] child process calling self.run()
[INFO/PoolWorker-31] child process calling self.run()
[INFO/PoolWorker-31] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-32] child process calling self.run()
[INFO/PoolWorker-32] child process calling self.run()
[INFO/PoolWorker-32] child process calling self.run()
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/PoolWorker-26] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-26] worker got sentinel -- exiting
[DEBUG/PoolWorker-27] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-28] worker got sentinel -- exiting
[DEBUG/PoolWorker-26] worker got sentinel -- exiting
[DEBUG/PoolWorker-27] worker got sentinel -- exiting
[DEBUG/PoolWorker-28] worker got sentinel -- exiting
[DEBUG/PoolWorker-27] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-28] worker got sentinel -- exiting
[DEBUG/PoolWorker-29] worker got sentinel -- exiting
[DEBUG/PoolWorker-26] worker exiting after 0 tasks
[DEBUG/PoolWorker-29] worker got sentinel -- exiting
[DEBUG/PoolWorker-26] worker exiting after 0 tasks
[DEBUG/PoolWorker-27] worker exiting after 0 tasks
[DEBUG/PoolWorker-29] worker got sentinel -- exiting
[DEBUG/PoolWorker-28] worker exiting after 0 tasks
[DEBUG/PoolWorker-26] worker exiting after 0 tasks
[DEBUG/PoolWorker-30] worker got sentinel -- exiting
[DEBUG/PoolWorker-27] worker exiting after 0 tasks
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-28] worker exiting after 0 tasks
[DEBUG/PoolWorker-27] worker exiting after 0 tasks
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-30] worker got sentinel -- exiting
[DEBUG/PoolWorker-28] worker exiting after 0 tasks
[DEBUG/PoolWorker-29] worker exiting after 0 tasks
[DEBUG/PoolWorker-31] worker got sentinel -- exiting
[DEBUG/PoolWorker-30] worker got sentinel -- exiting
[INFO/PoolWorker-26] process shutting down
[DEBUG/PoolWorker-29] worker exiting after 0 tasks
[DEBUG/PoolWorker-31] worker got sentinel -- exiting
[INFO/PoolWorker-26] process shutting down
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-29] worker exiting after 0 tasks
[INFO/PoolWorker-27] process shutting down
[DEBUG/PoolWorker-31] worker got sentinel -- exiting
[INFO/PoolWorker-28] process shutting down
[INFO/PoolWorker-26] process shutting down
[INFO/PoolWorker-27] process shutting down
[INFO/PoolWorker-28] process shutting down
[DEBUG/PoolWorker-30] worker exiting after 0 tasks
[INFO/PoolWorker-27] process shutting down
[INFO/PoolWorker-28] process shutting down
[DEBUG/PoolWorker-30] worker exiting after 0 tasks
[DEBUG/PoolWorker-26] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-29] process shutting down
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-31] worker exiting after 0 tasks
[DEBUG/PoolWorker-30] worker exiting after 0 tasks
[INFO/PoolWorker-29] process shutting down
[DEBUG/PoolWorker-26] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-27] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-28] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-31] worker exiting after 0 tasks
[INFO/PoolWorker-29] process shutting down
[DEBUG/PoolWorker-26] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-28] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-27] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-31] worker exiting after 0 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-28] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-27] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-29] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-30] process shutting down
[DEBUG/PoolWorker-26] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-29] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-30] process shutting down
[DEBUG/PoolWorker-29] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-27] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-26] running the remaining "atexit" finalizers
[INFO/PoolWorker-30] process shutting down
[INFO/PoolWorker-31] process shutting down
[DEBUG/PoolWorker-28] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-32] worker got sentinel -- exiting
[DEBUG/PoolWorker-26] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-27] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-28] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-32] worker got sentinel -- exiting
[INFO/PoolWorker-31] process shutting down
[DEBUG/PoolWorker-27] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-28] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-32] worker got sentinel -- exiting
[DEBUG/PoolWorker-30] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-31] process shutting down
[DEBUG/PoolWorker-29] running the remaining "atexit" finalizers
[INFO/PoolWorker-26] process exiting with exitcode 0
[DEBUG/PoolWorker-30] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-29] running the remaining "atexit" finalizers
[INFO/PoolWorker-26] process exiting with exitcode 0
[DEBUG/PoolWorker-30] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-28] process exiting with exitcode 0
[INFO/PoolWorker-27] process exiting with exitcode 0
[DEBUG/PoolWorker-29] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-32] worker exiting after 0 tasks
[INFO/PoolWorker-26] process exiting with exitcode 0
[INFO/PoolWorker-27] process exiting with exitcode 0
[INFO/PoolWorker-28] process exiting with exitcode 0
[DEBUG/PoolWorker-31] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-32] worker exiting after 0 tasks
[INFO/PoolWorker-28] process exiting with exitcode 0
[INFO/PoolWorker-27] process exiting with exitcode 0
[DEBUG/PoolWorker-31] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-32] worker exiting after 0 tasks
[DEBUG/PoolWorker-30] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-31] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-29] process exiting with exitcode 0
[DEBUG/PoolWorker-30] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-30] running the remaining "atexit" finalizers
[INFO/PoolWorker-29] process exiting with exitcode 0
[INFO/PoolWorker-32] process shutting down
[INFO/PoolWorker-32] process shutting down
[INFO/PoolWorker-29] process exiting with exitcode 0
[DEBUG/PoolWorker-31] running the remaining "atexit" finalizers
[INFO/PoolWorker-32] process shutting down
[INFO/PoolWorker-30] process exiting with exitcode 0
[DEBUG/PoolWorker-31] running the remaining "atexit" finalizers
[INFO/PoolWorker-30] process exiting with exitcode 0
[INFO/PoolWorker-30] process exiting with exitcode 0
[DEBUG/PoolWorker-31] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-32] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-32] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-32] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-31] process exiting with exitcode 0
[INFO/PoolWorker-31] process exiting with exitcode 0
[INFO/PoolWorker-31] process exiting with exitcode 0
[DEBUG/PoolWorker-32] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-32] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-32] running the remaining "atexit" finalizers
[INFO/PoolWorker-32] process exiting with exitcode 0
[INFO/PoolWorker-32] process exiting with exitcode 0
[INFO/PoolWorker-32] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-25] worker got sentinel -- exiting
[DEBUG/PoolWorker-25] worker got sentinel -- exiting
[DEBUG/PoolWorker-25] worker got sentinel -- exiting
[DEBUG/PoolWorker-25] worker exiting after 1 tasks
[DEBUG/PoolWorker-25] worker exiting after 1 tasks
[DEBUG/PoolWorker-25] worker exiting after 1 tasks
[INFO/PoolWorker-25] process shutting down
[INFO/PoolWorker-25] process shutting down
[INFO/PoolWorker-25] process shutting down
[DEBUG/PoolWorker-25] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-25] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-25] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-25] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-25] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-25] running the remaining "atexit" finalizers
[INFO/PoolWorker-25] process exiting with exitcode 0
[INFO/PoolWorker-25] process exiting with exitcode 0
[INFO/PoolWorker-25] process exiting with exitcode 0
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
ok
test_lowcloud_filter_single (fogpy.test.test_filters.Test_LowCloudFilter) ... [DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-33] child process calling self.run()
[INFO/PoolWorker-33] child process calling self.run()
[INFO/PoolWorker-33] child process calling self.run()
[INFO/PoolWorker-33] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-34] child process calling self.run()
[INFO/PoolWorker-34] child process calling self.run()
[INFO/PoolWorker-34] child process calling self.run()
[INFO/PoolWorker-34] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-35] child process calling self.run()
[INFO/PoolWorker-35] child process calling self.run()
[INFO/PoolWorker-35] child process calling self.run()
[INFO/PoolWorker-35] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-36] child process calling self.run()
[INFO/PoolWorker-36] child process calling self.run()
[INFO/PoolWorker-36] child process calling self.run()
[INFO/PoolWorker-36] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-37] child process calling self.run()
[INFO/PoolWorker-37] child process calling self.run()
[INFO/PoolWorker-37] child process calling self.run()
[INFO/PoolWorker-37] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-38] child process calling self.run()
[INFO/PoolWorker-38] child process calling self.run()
[INFO/PoolWorker-38] child process calling self.run()
[INFO/PoolWorker-38] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-39] child process calling self.run()
[INFO/PoolWorker-39] child process calling self.run()
[INFO/PoolWorker-39] child process calling self.run()
[INFO/PoolWorker-39] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-40] child process calling self.run()
[INFO/PoolWorker-40] child process calling self.run()
[INFO/PoolWorker-40] child process calling self.run()
[INFO/PoolWorker-40] child process calling self.run()
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/PoolWorker-38] worker got sentinel -- exiting
[DEBUG/PoolWorker-37] worker got sentinel -- exiting
[DEBUG/PoolWorker-38] worker got sentinel -- exiting
[DEBUG/PoolWorker-35] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-37] worker got sentinel -- exiting
[DEBUG/PoolWorker-38] worker got sentinel -- exiting
[DEBUG/PoolWorker-35] worker got sentinel -- exiting
[DEBUG/PoolWorker-38] worker got sentinel -- exiting
[DEBUG/PoolWorker-37] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-35] worker got sentinel -- exiting
[DEBUG/PoolWorker-37] worker got sentinel -- exiting
[DEBUG/PoolWorker-33] worker got sentinel -- exiting
[DEBUG/PoolWorker-35] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-38] worker exiting after 1 tasks
[DEBUG/PoolWorker-34] worker got sentinel -- exiting
[DEBUG/PoolWorker-33] worker got sentinel -- exiting
[DEBUG/PoolWorker-40] worker got sentinel -- exiting
[DEBUG/PoolWorker-38] worker exiting after 1 tasks
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-33] worker got sentinel -- exiting
[DEBUG/PoolWorker-34] worker got sentinel -- exiting
[DEBUG/PoolWorker-37] worker exiting after 2 tasks
[DEBUG/PoolWorker-35] worker exiting after 2 tasks
[DEBUG/PoolWorker-38] worker exiting after 1 tasks
[DEBUG/PoolWorker-40] worker got sentinel -- exiting
[DEBUG/PoolWorker-33] worker got sentinel -- exiting
[DEBUG/PoolWorker-34] worker got sentinel -- exiting
[DEBUG/PoolWorker-37] worker exiting after 2 tasks
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-35] worker exiting after 2 tasks
[DEBUG/PoolWorker-38] worker exiting after 1 tasks
[DEBUG/PoolWorker-40] worker got sentinel -- exiting
[DEBUG/PoolWorker-37] worker exiting after 2 tasks
[DEBUG/PoolWorker-34] worker got sentinel -- exiting
[DEBUG/PoolWorker-35] worker exiting after 2 tasks
[DEBUG/PoolWorker-40] worker got sentinel -- exiting
[DEBUG/PoolWorker-37] worker exiting after 2 tasks
[DEBUG/PoolWorker-35] worker exiting after 2 tasks
[DEBUG/PoolWorker-33] worker exiting after 2 tasks
[INFO/PoolWorker-38] process shutting down
[DEBUG/PoolWorker-33] worker exiting after 2 tasks
[DEBUG/PoolWorker-34] worker exiting after 2 tasks
[DEBUG/PoolWorker-40] worker exiting after 3 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-33] worker exiting after 2 tasks
[INFO/PoolWorker-38] process shutting down
[DEBUG/PoolWorker-34] worker exiting after 2 tasks
[INFO/PoolWorker-37] process shutting down
[DEBUG/PoolWorker-40] worker exiting after 3 tasks
[INFO/PoolWorker-35] process shutting down
[DEBUG/PoolWorker-33] worker exiting after 2 tasks
[INFO/PoolWorker-38] process shutting down
[DEBUG/PoolWorker-34] worker exiting after 2 tasks
[INFO/PoolWorker-37] process shutting down
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[INFO/PoolWorker-35] process shutting down
[DEBUG/PoolWorker-40] worker exiting after 3 tasks
[INFO/PoolWorker-38] process shutting down
[INFO/PoolWorker-37] process shutting down
[DEBUG/PoolWorker-34] worker exiting after 2 tasks
[DEBUG/PoolWorker-40] worker exiting after 3 tasks
[INFO/PoolWorker-35] process shutting down
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[INFO/PoolWorker-37] process shutting down
[INFO/PoolWorker-35] process shutting down
[INFO/PoolWorker-33] process shutting down
[DEBUG/PoolWorker-38] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[INFO/PoolWorker-33] process shutting down
[DEBUG/PoolWorker-38] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-34] process shutting down
[DEBUG/PoolWorker-37] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-40] process shutting down
[DEBUG/PoolWorker-35] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-38] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-33] process shutting down
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[INFO/PoolWorker-34] process shutting down
[DEBUG/PoolWorker-37] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-40] process shutting down
[DEBUG/PoolWorker-35] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-33] process shutting down
[DEBUG/PoolWorker-38] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-37] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-34] process shutting down
[DEBUG/PoolWorker-35] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-40] process shutting down
[INFO/PoolWorker-34] process shutting down
[DEBUG/PoolWorker-37] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-35] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-40] process shutting down
[DEBUG/PoolWorker-33] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-33] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-34] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-38] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-40] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-33] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-34] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-38] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-35] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-40] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-33] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-37] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-34] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-38] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-35] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-40] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-37] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-34] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-38] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-40] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-35] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-37] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-35] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-37] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-33] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-33] running the remaining "atexit" finalizers
[INFO/PoolWorker-38] process exiting with exitcode 0
[DEBUG/PoolWorker-34] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-40] running the remaining "atexit" finalizers
[INFO/PoolWorker-38] process exiting with exitcode 0
[DEBUG/PoolWorker-33] running the remaining "atexit" finalizers
[INFO/PoolWorker-35] process exiting with exitcode 0
[DEBUG/PoolWorker-34] running the remaining "atexit" finalizers
[INFO/PoolWorker-37] process exiting with exitcode 0
[INFO/PoolWorker-38] process exiting with exitcode 0
[DEBUG/PoolWorker-33] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-40] running the remaining "atexit" finalizers
[INFO/PoolWorker-35] process exiting with exitcode 0
[DEBUG/PoolWorker-34] running the remaining "atexit" finalizers
[INFO/PoolWorker-37] process exiting with exitcode 0
[INFO/PoolWorker-38] process exiting with exitcode 0
[DEBUG/PoolWorker-40] running the remaining "atexit" finalizers
[INFO/PoolWorker-35] process exiting with exitcode 0
[INFO/PoolWorker-37] process exiting with exitcode 0
[DEBUG/PoolWorker-34] running the remaining "atexit" finalizers
[INFO/PoolWorker-35] process exiting with exitcode 0
[DEBUG/PoolWorker-40] running the remaining "atexit" finalizers
[INFO/PoolWorker-37] process exiting with exitcode 0
[INFO/PoolWorker-33] process exiting with exitcode 0
[INFO/PoolWorker-34] process exiting with exitcode 0
[INFO/PoolWorker-33] process exiting with exitcode 0
[INFO/PoolWorker-40] process exiting with exitcode 0
[INFO/PoolWorker-34] process exiting with exitcode 0
[INFO/PoolWorker-33] process exiting with exitcode 0
[INFO/PoolWorker-40] process exiting with exitcode 0
[INFO/PoolWorker-34] process exiting with exitcode 0
[INFO/PoolWorker-33] process exiting with exitcode 0
[INFO/PoolWorker-40] process exiting with exitcode 0
[INFO/PoolWorker-34] process exiting with exitcode 0
[INFO/PoolWorker-40] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-39] worker got sentinel -- exiting
[DEBUG/PoolWorker-36] worker got sentinel -- exiting
[DEBUG/PoolWorker-39] worker got sentinel -- exiting
[DEBUG/PoolWorker-36] worker got sentinel -- exiting
[DEBUG/PoolWorker-39] worker got sentinel -- exiting
[DEBUG/PoolWorker-36] worker got sentinel -- exiting
[DEBUG/PoolWorker-39] worker got sentinel -- exiting
[DEBUG/PoolWorker-36] worker got sentinel -- exiting
[DEBUG/PoolWorker-36] worker exiting after 2 tasks
[DEBUG/PoolWorker-39] worker exiting after 2 tasks
[DEBUG/PoolWorker-36] worker exiting after 2 tasks
[DEBUG/PoolWorker-39] worker exiting after 2 tasks
[DEBUG/PoolWorker-39] worker exiting after 2 tasks
[DEBUG/PoolWorker-36] worker exiting after 2 tasks
[DEBUG/PoolWorker-39] worker exiting after 2 tasks
[DEBUG/PoolWorker-36] worker exiting after 2 tasks
[INFO/PoolWorker-36] process shutting down
[INFO/PoolWorker-39] process shutting down
[INFO/PoolWorker-39] process shutting down
[INFO/PoolWorker-36] process shutting down
[INFO/PoolWorker-39] process shutting down
[INFO/PoolWorker-36] process shutting down
[INFO/PoolWorker-39] process shutting down
[INFO/PoolWorker-36] process shutting down
[DEBUG/PoolWorker-39] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-36] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-39] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-36] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-39] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-36] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-39] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-36] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-39] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-39] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-36] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-39] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-36] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-39] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-36] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-36] running the remaining "atexit" finalizers
[INFO/PoolWorker-39] process exiting with exitcode 0
[INFO/PoolWorker-36] process exiting with exitcode 0
[INFO/PoolWorker-39] process exiting with exitcode 0
[INFO/PoolWorker-36] process exiting with exitcode 0
[INFO/PoolWorker-39] process exiting with exitcode 0
[INFO/PoolWorker-39] process exiting with exitcode 0
[INFO/PoolWorker-36] process exiting with exitcode 0
[INFO/PoolWorker-36] process exiting with exitcode 0
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
ok
test_lowcloud_filter_single_lwp_allfog (fogpy.test.test_filters.Test_LowCloudFilter) ... [DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-41] child process calling self.run()
[INFO/PoolWorker-41] child process calling self.run()
[INFO/PoolWorker-41] child process calling self.run()
[INFO/PoolWorker-41] child process calling self.run()
[INFO/PoolWorker-41] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-42] child process calling self.run()
[INFO/PoolWorker-42] child process calling self.run()
[INFO/PoolWorker-42] child process calling self.run()
[INFO/PoolWorker-42] child process calling self.run()
[INFO/PoolWorker-42] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-43] child process calling self.run()
[INFO/PoolWorker-43] child process calling self.run()
[INFO/PoolWorker-43] child process calling self.run()
[INFO/PoolWorker-43] child process calling self.run()
[INFO/PoolWorker-43] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-44] child process calling self.run()
[INFO/PoolWorker-44] child process calling self.run()
[INFO/PoolWorker-44] child process calling self.run()
[INFO/PoolWorker-44] child process calling self.run()
[INFO/PoolWorker-44] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-45] child process calling self.run()
[INFO/PoolWorker-45] child process calling self.run()
[INFO/PoolWorker-45] child process calling self.run()
[INFO/PoolWorker-45] child process calling self.run()
[INFO/PoolWorker-45] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-46] child process calling self.run()
[INFO/PoolWorker-46] child process calling self.run()
[INFO/PoolWorker-46] child process calling self.run()
[INFO/PoolWorker-46] child process calling self.run()
[INFO/PoolWorker-46] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-47] child process calling self.run()
[INFO/PoolWorker-47] child process calling self.run()
[INFO/PoolWorker-47] child process calling self.run()
[INFO/PoolWorker-47] child process calling self.run()
[INFO/PoolWorker-47] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-48] child process calling self.run()
[INFO/PoolWorker-48] child process calling self.run()
[INFO/PoolWorker-48] child process calling self.run()
[INFO/PoolWorker-48] child process calling self.run()
[INFO/PoolWorker-48] child process calling self.run()
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/PoolWorker-45] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-45] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker got sentinel -- exiting
[DEBUG/PoolWorker-45] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker got sentinel -- exiting
[DEBUG/PoolWorker-47] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-45] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker got sentinel -- exiting
[DEBUG/PoolWorker-45] worker got sentinel -- exiting
[DEBUG/PoolWorker-47] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-46] worker got sentinel -- exiting
[DEBUG/PoolWorker-47] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-48] worker got sentinel -- exiting
[DEBUG/PoolWorker-47] worker got sentinel -- exiting
[DEBUG/PoolWorker-44] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-48] worker got sentinel -- exiting
[DEBUG/PoolWorker-43] worker got sentinel -- exiting
[DEBUG/PoolWorker-45] worker exiting after 0 tasks
[DEBUG/PoolWorker-47] worker got sentinel -- exiting
[DEBUG/PoolWorker-44] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker exiting after 0 tasks
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-42] worker got sentinel -- exiting
[DEBUG/PoolWorker-45] worker exiting after 0 tasks
[DEBUG/PoolWorker-48] worker got sentinel -- exiting
[DEBUG/PoolWorker-43] worker got sentinel -- exiting
[DEBUG/PoolWorker-44] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker exiting after 0 tasks
[DEBUG/PoolWorker-45] worker exiting after 0 tasks
[DEBUG/PoolWorker-42] worker got sentinel -- exiting
[DEBUG/PoolWorker-43] worker got sentinel -- exiting
[DEBUG/PoolWorker-48] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker exiting after 0 tasks
[DEBUG/PoolWorker-44] worker got sentinel -- exiting
[DEBUG/PoolWorker-45] worker exiting after 0 tasks
[DEBUG/PoolWorker-47] worker exiting after 0 tasks
[DEBUG/PoolWorker-42] worker got sentinel -- exiting
[DEBUG/PoolWorker-48] worker got sentinel -- exiting
[DEBUG/PoolWorker-43] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker exiting after 0 tasks
[DEBUG/PoolWorker-44] worker got sentinel -- exiting
[DEBUG/PoolWorker-45] worker exiting after 0 tasks
[DEBUG/PoolWorker-42] worker got sentinel -- exiting
[DEBUG/PoolWorker-47] worker exiting after 0 tasks
[DEBUG/PoolWorker-43] worker got sentinel -- exiting
[DEBUG/PoolWorker-46] worker exiting after 0 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-42] worker got sentinel -- exiting
[DEBUG/PoolWorker-47] worker exiting after 0 tasks
[DEBUG/PoolWorker-47] worker exiting after 0 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-48] worker exiting after 0 tasks
[DEBUG/PoolWorker-44] worker exiting after 1 tasks
[DEBUG/PoolWorker-43] worker exiting after 1 tasks
[DEBUG/PoolWorker-47] worker exiting after 0 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-48] worker exiting after 0 tasks
[INFO/PoolWorker-45] process shutting down
[DEBUG/PoolWorker-44] worker exiting after 1 tasks
[DEBUG/PoolWorker-42] worker exiting after 1 tasks
[INFO/PoolWorker-46] process shutting down
[DEBUG/PoolWorker-43] worker exiting after 1 tasks
[DEBUG/PoolWorker-48] worker exiting after 0 tasks
[DEBUG/PoolWorker-44] worker exiting after 1 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[INFO/PoolWorker-45] process shutting down
[DEBUG/PoolWorker-42] worker exiting after 1 tasks
[INFO/PoolWorker-46] process shutting down
[DEBUG/PoolWorker-43] worker exiting after 1 tasks
[DEBUG/PoolWorker-48] worker exiting after 0 tasks
[DEBUG/PoolWorker-44] worker exiting after 1 tasks
[INFO/PoolWorker-45] process shutting down
[INFO/PoolWorker-46] process shutting down
[DEBUG/PoolWorker-42] worker exiting after 1 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-43] worker exiting after 1 tasks
[INFO/PoolWorker-47] process shutting down
[DEBUG/PoolWorker-48] worker exiting after 0 tasks
[DEBUG/PoolWorker-44] worker exiting after 1 tasks
[INFO/PoolWorker-45] process shutting down
[INFO/PoolWorker-46] process shutting down
[DEBUG/PoolWorker-42] worker exiting after 1 tasks
[DEBUG/PoolWorker-43] worker exiting after 1 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[INFO/PoolWorker-47] process shutting down
[INFO/PoolWorker-46] process shutting down
[INFO/PoolWorker-45] process shutting down
[DEBUG/PoolWorker-42] worker exiting after 1 tasks
[INFO/PoolWorker-47] process shutting down
[INFO/PoolWorker-47] process shutting down
[DEBUG/PoolWorker-45] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-46] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-48] process shutting down
[INFO/PoolWorker-43] process shutting down
[INFO/PoolWorker-44] process shutting down
[INFO/PoolWorker-47] process shutting down
[DEBUG/PoolWorker-46] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-45] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-42] process shutting down
[INFO/PoolWorker-43] process shutting down
[INFO/PoolWorker-48] process shutting down
[INFO/PoolWorker-44] process shutting down
[DEBUG/PoolWorker-45] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-46] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-42] process shutting down
[INFO/PoolWorker-48] process shutting down
[INFO/PoolWorker-43] process shutting down
[DEBUG/PoolWorker-46] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-45] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-47] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-44] process shutting down
[INFO/PoolWorker-42] process shutting down
[INFO/PoolWorker-48] process shutting down
[INFO/PoolWorker-43] process shutting down
[DEBUG/PoolWorker-45] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-46] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-42] process shutting down
[DEBUG/PoolWorker-47] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-48] process shutting down
[INFO/PoolWorker-43] process shutting down
[INFO/PoolWorker-44] process shutting down
[DEBUG/PoolWorker-47] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-42] process shutting down
[INFO/PoolWorker-44] process shutting down
[DEBUG/PoolWorker-47] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-43] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-48] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-47] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-42] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-43] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-48] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-46] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-45] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-42] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-48] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-43] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-44] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-45] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-46] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-42] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-43] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-48] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-45] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-46] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-44] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-42] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-43] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-48] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-47] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-46] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-45] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-44] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-42] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-47] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-46] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-45] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-44] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-47] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-47] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-44] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-43] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-48] running the remaining "atexit" finalizers
[INFO/PoolWorker-45] process exiting with exitcode 0
[INFO/PoolWorker-46] process exiting with exitcode 0
[DEBUG/PoolWorker-47] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-42] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-43] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-48] running the remaining "atexit" finalizers
[INFO/PoolWorker-45] process exiting with exitcode 0
[INFO/PoolWorker-46] process exiting with exitcode 0
[DEBUG/PoolWorker-42] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-43] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-48] running the remaining "atexit" finalizers
[INFO/PoolWorker-45] process exiting with exitcode 0
[INFO/PoolWorker-46] process exiting with exitcode 0
[DEBUG/PoolWorker-42] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-48] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-43] running the remaining "atexit" finalizers
[INFO/PoolWorker-45] process exiting with exitcode 0
[INFO/PoolWorker-46] process exiting with exitcode 0
[INFO/PoolWorker-47] process exiting with exitcode 0
[DEBUG/PoolWorker-44] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-42] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-48] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-43] running the remaining "atexit" finalizers
[INFO/PoolWorker-46] process exiting with exitcode 0
[INFO/PoolWorker-45] process exiting with exitcode 0
[INFO/PoolWorker-47] process exiting with exitcode 0
[DEBUG/PoolWorker-44] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-42] running the remaining "atexit" finalizers
[DEBUG/MainProcess] task handler exiting
[INFO/PoolWorker-47] process exiting with exitcode 0
[DEBUG/PoolWorker-44] running the remaining "atexit" finalizers
[INFO/PoolWorker-47] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-44] running the remaining "atexit" finalizers
[INFO/PoolWorker-48] process exiting with exitcode 0
[INFO/PoolWorker-43] process exiting with exitcode 0
[INFO/PoolWorker-47] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-44] running the remaining "atexit" finalizers
[INFO/PoolWorker-42] process exiting with exitcode 0
[INFO/PoolWorker-48] process exiting with exitcode 0
[INFO/PoolWorker-43] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[INFO/PoolWorker-43] process exiting with exitcode 0
[INFO/PoolWorker-48] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[INFO/PoolWorker-42] process exiting with exitcode 0
[INFO/PoolWorker-48] process exiting with exitcode 0
[INFO/PoolWorker-43] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[INFO/PoolWorker-44] process exiting with exitcode 0
[INFO/PoolWorker-48] process exiting with exitcode 0
[INFO/PoolWorker-43] process exiting with exitcode 0
[INFO/PoolWorker-42] process exiting with exitcode 0
[INFO/PoolWorker-44] process exiting with exitcode 0
[INFO/PoolWorker-42] process exiting with exitcode 0
[INFO/PoolWorker-44] process exiting with exitcode 0
[INFO/PoolWorker-44] process exiting with exitcode 0
[INFO/PoolWorker-42] process exiting with exitcode 0
[INFO/PoolWorker-44] process exiting with exitcode 0
[DEBUG/PoolWorker-41] worker got sentinel -- exiting
[DEBUG/PoolWorker-41] worker got sentinel -- exiting
[DEBUG/PoolWorker-41] worker got sentinel -- exiting
[DEBUG/PoolWorker-41] worker got sentinel -- exiting
[DEBUG/PoolWorker-41] worker got sentinel -- exiting
[DEBUG/PoolWorker-41] worker exiting after 1 tasks
[DEBUG/PoolWorker-41] worker exiting after 1 tasks
[DEBUG/PoolWorker-41] worker exiting after 1 tasks
[DEBUG/PoolWorker-41] worker exiting after 1 tasks
[DEBUG/PoolWorker-41] worker exiting after 1 tasks
[INFO/PoolWorker-41] process shutting down
[INFO/PoolWorker-41] process shutting down
[INFO/PoolWorker-41] process shutting down
[INFO/PoolWorker-41] process shutting down
[INFO/PoolWorker-41] process shutting down
[DEBUG/PoolWorker-41] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-41] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-41] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-41] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-41] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-41] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-41] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-41] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-41] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-41] running the remaining "atexit" finalizers
[INFO/PoolWorker-41] process exiting with exitcode 0
[INFO/PoolWorker-41] process exiting with exitcode 0
[INFO/PoolWorker-41] process exiting with exitcode 0
[INFO/PoolWorker-41] process exiting with exitcode 0
[INFO/PoolWorker-41] process exiting with exitcode 0
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
ok
test_lowcloud_filter_single_lwp_nofog (fogpy.test.test_filters.Test_LowCloudFilter) ... [DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-49] child process calling self.run()
[INFO/PoolWorker-49] child process calling self.run()
[INFO/PoolWorker-49] child process calling self.run()
[INFO/PoolWorker-49] child process calling self.run()
[INFO/PoolWorker-49] child process calling self.run()
[INFO/PoolWorker-49] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-50] child process calling self.run()
[INFO/PoolWorker-50] child process calling self.run()
[INFO/PoolWorker-50] child process calling self.run()
[INFO/PoolWorker-50] child process calling self.run()
[INFO/PoolWorker-50] child process calling self.run()
[INFO/PoolWorker-50] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-51] child process calling self.run()
[INFO/PoolWorker-51] child process calling self.run()
[INFO/PoolWorker-51] child process calling self.run()
[INFO/PoolWorker-51] child process calling self.run()
[INFO/PoolWorker-51] child process calling self.run()
[INFO/PoolWorker-51] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-52] child process calling self.run()
[INFO/PoolWorker-52] child process calling self.run()
[INFO/PoolWorker-52] child process calling self.run()
[INFO/PoolWorker-52] child process calling self.run()
[INFO/PoolWorker-52] child process calling self.run()
[INFO/PoolWorker-52] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-53] child process calling self.run()
[INFO/PoolWorker-53] child process calling self.run()
[INFO/PoolWorker-53] child process calling self.run()
[INFO/PoolWorker-53] child process calling self.run()
[INFO/PoolWorker-53] child process calling self.run()
[INFO/PoolWorker-53] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-54] child process calling self.run()
[INFO/PoolWorker-54] child process calling self.run()
[INFO/PoolWorker-54] child process calling self.run()
[INFO/PoolWorker-54] child process calling self.run()
[INFO/PoolWorker-54] child process calling self.run()
[INFO/PoolWorker-54] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-55] child process calling self.run()
[INFO/PoolWorker-55] child process calling self.run()
[INFO/PoolWorker-55] child process calling self.run()
[INFO/PoolWorker-55] child process calling self.run()
[INFO/PoolWorker-55] child process calling self.run()
[INFO/PoolWorker-55] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-56] child process calling self.run()
[INFO/PoolWorker-56] child process calling self.run()
[INFO/PoolWorker-56] child process calling self.run()
[INFO/PoolWorker-56] child process calling self.run()
[INFO/PoolWorker-56] child process calling self.run()
[INFO/PoolWorker-56] child process calling self.run()
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/PoolWorker-53] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-53] worker got sentinel -- exiting
[DEBUG/PoolWorker-54] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-53] worker got sentinel -- exiting
[DEBUG/PoolWorker-54] worker got sentinel -- exiting
[DEBUG/PoolWorker-53] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-54] worker got sentinel -- exiting
[DEBUG/PoolWorker-53] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-54] worker got sentinel -- exiting
[DEBUG/PoolWorker-55] worker got sentinel -- exiting
[DEBUG/PoolWorker-53] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-54] worker got sentinel -- exiting
[DEBUG/PoolWorker-55] worker got sentinel -- exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-55] worker got sentinel -- exiting
[DEBUG/PoolWorker-56] worker got sentinel -- exiting
[DEBUG/PoolWorker-54] worker got sentinel -- exiting
[DEBUG/PoolWorker-55] worker got sentinel -- exiting
[DEBUG/PoolWorker-50] worker got sentinel -- exiting
[DEBUG/PoolWorker-53] worker exiting after 0 tasks
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-55] worker got sentinel -- exiting
[DEBUG/PoolWorker-56] worker got sentinel -- exiting
[DEBUG/PoolWorker-50] worker got sentinel -- exiting
[DEBUG/PoolWorker-53] worker exiting after 0 tasks
[DEBUG/PoolWorker-55] worker got sentinel -- exiting
[DEBUG/PoolWorker-50] worker got sentinel -- exiting
[DEBUG/PoolWorker-56] worker got sentinel -- exiting
[DEBUG/PoolWorker-53] worker exiting after 0 tasks
[DEBUG/PoolWorker-54] worker exiting after 0 tasks
[DEBUG/PoolWorker-50] worker got sentinel -- exiting
[DEBUG/PoolWorker-53] worker exiting after 0 tasks
[DEBUG/PoolWorker-56] worker got sentinel -- exiting
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-54] worker exiting after 0 tasks
[DEBUG/PoolWorker-50] worker got sentinel -- exiting
[DEBUG/PoolWorker-53] worker exiting after 0 tasks
[DEBUG/PoolWorker-55] worker exiting after 0 tasks
[DEBUG/PoolWorker-56] worker got sentinel -- exiting
[DEBUG/PoolWorker-50] worker got sentinel -- exiting
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-53] worker exiting after 0 tasks
[DEBUG/PoolWorker-54] worker exiting after 0 tasks
[DEBUG/PoolWorker-55] worker exiting after 0 tasks
[DEBUG/PoolWorker-56] worker got sentinel -- exiting
[DEBUG/PoolWorker-55] worker exiting after 0 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-54] worker exiting after 0 tasks
[DEBUG/PoolWorker-55] worker exiting after 0 tasks
[DEBUG/PoolWorker-50] worker exiting after 1 tasks
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-54] worker exiting after 0 tasks
[DEBUG/PoolWorker-55] worker exiting after 0 tasks
[DEBUG/PoolWorker-50] worker exiting after 1 tasks
[INFO/PoolWorker-53] process shutting down
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-54] worker exiting after 0 tasks
[DEBUG/PoolWorker-55] worker exiting after 0 tasks
[DEBUG/PoolWorker-50] worker exiting after 1 tasks
[DEBUG/PoolWorker-56] worker exiting after 0 tasks
[INFO/PoolWorker-53] process shutting down
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-50] worker exiting after 1 tasks
[INFO/PoolWorker-53] process shutting down
[DEBUG/PoolWorker-56] worker exiting after 0 tasks
[DEBUG/PoolWorker-50] worker exiting after 1 tasks
[INFO/PoolWorker-53] process shutting down
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/PoolWorker-56] worker exiting after 0 tasks
[DEBUG/PoolWorker-50] worker exiting after 1 tasks
[INFO/PoolWorker-53] process shutting down
[INFO/PoolWorker-55] process shutting down
[INFO/PoolWorker-54] process shutting down
[DEBUG/PoolWorker-56] worker exiting after 0 tasks
[INFO/PoolWorker-53] process shutting down
[INFO/PoolWorker-55] process shutting down
[INFO/PoolWorker-54] process shutting down
[DEBUG/PoolWorker-56] worker exiting after 0 tasks
[INFO/PoolWorker-55] process shutting down
[INFO/PoolWorker-50] process shutting down
[INFO/PoolWorker-55] process shutting down
[INFO/PoolWorker-54] process shutting down
[DEBUG/PoolWorker-56] worker exiting after 0 tasks
[INFO/PoolWorker-55] process shutting down
[INFO/PoolWorker-50] process shutting down
[DEBUG/PoolWorker-53] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-54] process shutting down
[INFO/PoolWorker-55] process shutting down
[INFO/PoolWorker-50] process shutting down
[DEBUG/PoolWorker-53] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-54] process shutting down
[INFO/PoolWorker-50] process shutting down
[INFO/PoolWorker-50] process shutting down
[DEBUG/PoolWorker-53] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-54] process shutting down
[INFO/PoolWorker-56] process shutting down
[DEBUG/PoolWorker-55] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-50] process shutting down
[DEBUG/PoolWorker-53] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-55] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-56] process shutting down
[DEBUG/PoolWorker-55] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-53] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-56] process shutting down
[DEBUG/PoolWorker-54] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-50] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-55] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-53] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-56] process shutting down
[DEBUG/PoolWorker-55] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-50] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-54] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-55] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-50] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-56] process shutting down
[DEBUG/PoolWorker-54] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-50] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-56] process shutting down
[DEBUG/PoolWorker-54] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-50] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-50] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-53] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-54] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-55] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-53] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-54] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-56] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-55] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-53] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-56] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-55] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-50] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-53] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-55] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-56] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-50] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-55] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-53] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-50] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-56] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-54] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-55] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-50] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-53] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-56] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-54] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-50] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-56] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-50] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-54] running the remaining "atexit" finalizers
[INFO/PoolWorker-55] process exiting with exitcode 0
[DEBUG/PoolWorker-54] running the remaining "atexit" finalizers
[INFO/PoolWorker-55] process exiting with exitcode 0
[INFO/PoolWorker-53] process exiting with exitcode 0
[INFO/PoolWorker-55] process exiting with exitcode 0
[DEBUG/PoolWorker-54] running the remaining "atexit" finalizers
[INFO/PoolWorker-50] process exiting with exitcode 0
[INFO/PoolWorker-53] process exiting with exitcode 0
[INFO/PoolWorker-55] process exiting with exitcode 0
[INFO/PoolWorker-50] process exiting with exitcode 0
[DEBUG/PoolWorker-54] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-56] running the remaining "atexit" finalizers
[INFO/PoolWorker-53] process exiting with exitcode 0
[INFO/PoolWorker-50] process exiting with exitcode 0
[INFO/PoolWorker-55] process exiting with exitcode 0
[INFO/PoolWorker-55] process exiting with exitcode 0
[INFO/PoolWorker-50] process exiting with exitcode 0
[INFO/PoolWorker-53] process exiting with exitcode 0
[DEBUG/PoolWorker-56] running the remaining "atexit" finalizers
[INFO/PoolWorker-50] process exiting with exitcode 0
[INFO/PoolWorker-53] process exiting with exitcode 0
[INFO/PoolWorker-54] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-56] running the remaining "atexit" finalizers
[INFO/PoolWorker-53] process exiting with exitcode 0
[INFO/PoolWorker-54] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-56] running the remaining "atexit" finalizers
[INFO/PoolWorker-50] process exiting with exitcode 0
[INFO/PoolWorker-54] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-56] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-51] worker got sentinel -- exiting
[INFO/PoolWorker-54] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-56] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-51] worker got sentinel -- exiting
[DEBUG/PoolWorker-49] worker got sentinel -- exiting
[INFO/PoolWorker-54] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-51] worker got sentinel -- exiting
[INFO/PoolWorker-54] process exiting with exitcode 0
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-51] worker got sentinel -- exiting
[DEBUG/PoolWorker-49] worker got sentinel -- exiting
[DEBUG/MainProcess] task handler exiting
[DEBUG/PoolWorker-51] worker got sentinel -- exiting
[INFO/PoolWorker-56] process exiting with exitcode 0
[DEBUG/PoolWorker-49] worker got sentinel -- exiting
[DEBUG/PoolWorker-51] worker got sentinel -- exiting
[INFO/PoolWorker-56] process exiting with exitcode 0
[DEBUG/PoolWorker-49] worker got sentinel -- exiting
[INFO/PoolWorker-56] process exiting with exitcode 0
[INFO/PoolWorker-56] process exiting with exitcode 0
[DEBUG/PoolWorker-49] worker got sentinel -- exiting
[DEBUG/PoolWorker-51] worker exiting after 1 tasks
[INFO/PoolWorker-56] process exiting with exitcode 0
[DEBUG/PoolWorker-51] worker exiting after 1 tasks
[INFO/PoolWorker-56] process exiting with exitcode 0
[DEBUG/PoolWorker-49] worker got sentinel -- exiting
[DEBUG/PoolWorker-51] worker exiting after 1 tasks
[DEBUG/PoolWorker-51] worker exiting after 1 tasks
[DEBUG/PoolWorker-52] worker got sentinel -- exiting
[DEBUG/PoolWorker-51] worker exiting after 1 tasks
[DEBUG/PoolWorker-49] worker exiting after 1 tasks
[DEBUG/PoolWorker-52] worker got sentinel -- exiting
[DEBUG/PoolWorker-51] worker exiting after 1 tasks
[DEBUG/PoolWorker-49] worker exiting after 1 tasks
[DEBUG/PoolWorker-52] worker got sentinel -- exiting
[DEBUG/PoolWorker-49] worker exiting after 1 tasks
[DEBUG/PoolWorker-52] worker got sentinel -- exiting
[DEBUG/PoolWorker-49] worker exiting after 1 tasks
[DEBUG/PoolWorker-52] worker got sentinel -- exiting
[INFO/PoolWorker-51] process shutting down
[DEBUG/PoolWorker-49] worker exiting after 1 tasks
[DEBUG/PoolWorker-52] worker got sentinel -- exiting
[INFO/PoolWorker-51] process shutting down
[DEBUG/PoolWorker-49] worker exiting after 1 tasks
[INFO/PoolWorker-51] process shutting down
[DEBUG/PoolWorker-52] worker exiting after 1 tasks
[INFO/PoolWorker-51] process shutting down
[INFO/PoolWorker-49] process shutting down
[DEBUG/PoolWorker-52] worker exiting after 1 tasks
[INFO/PoolWorker-51] process shutting down
[INFO/PoolWorker-49] process shutting down
[DEBUG/PoolWorker-52] worker exiting after 1 tasks
[INFO/PoolWorker-51] process shutting down
[INFO/PoolWorker-49] process shutting down
[DEBUG/PoolWorker-52] worker exiting after 1 tasks
[INFO/PoolWorker-49] process shutting down
[DEBUG/PoolWorker-52] worker exiting after 1 tasks
[INFO/PoolWorker-49] process shutting down
[DEBUG/PoolWorker-52] worker exiting after 1 tasks
[DEBUG/PoolWorker-51] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-49] process shutting down
[DEBUG/PoolWorker-51] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-51] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-52] process shutting down
[DEBUG/PoolWorker-49] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-51] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-52] process shutting down
[DEBUG/PoolWorker-49] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-51] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-52] process shutting down
[DEBUG/PoolWorker-49] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-51] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-52] process shutting down
[DEBUG/PoolWorker-49] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-52] process shutting down
[DEBUG/PoolWorker-49] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-52] process shutting down
[DEBUG/PoolWorker-49] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-51] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-51] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-52] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-51] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-52] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-49] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-51] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-52] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-49] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-51] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-52] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-49] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-51] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-52] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-49] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-52] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-49] running the remaining "atexit" finalizers
[INFO/PoolWorker-51] process exiting with exitcode 0
[DEBUG/PoolWorker-49] running the remaining "atexit" finalizers
[INFO/PoolWorker-51] process exiting with exitcode 0
[DEBUG/PoolWorker-52] running the remaining "atexit" finalizers
[INFO/PoolWorker-51] process exiting with exitcode 0
[INFO/PoolWorker-49] process exiting with exitcode 0
[DEBUG/PoolWorker-52] running the remaining "atexit" finalizers
[INFO/PoolWorker-51] process exiting with exitcode 0
[INFO/PoolWorker-49] process exiting with exitcode 0
[DEBUG/PoolWorker-52] running the remaining "atexit" finalizers
[INFO/PoolWorker-51] process exiting with exitcode 0
[INFO/PoolWorker-49] process exiting with exitcode 0
[DEBUG/PoolWorker-52] running the remaining "atexit" finalizers
[INFO/PoolWorker-51] process exiting with exitcode 0
[INFO/PoolWorker-49] process exiting with exitcode 0
[DEBUG/PoolWorker-52] running the remaining "atexit" finalizers
[INFO/PoolWorker-49] process exiting with exitcode 0
[DEBUG/PoolWorker-52] running the remaining "atexit" finalizers
[INFO/PoolWorker-49] process exiting with exitcode 0
[INFO/PoolWorker-52] process exiting with exitcode 0
[INFO/PoolWorker-52] process exiting with exitcode 0
[INFO/PoolWorker-52] process exiting with exitcode 0
[INFO/PoolWorker-52] process exiting with exitcode 0
[INFO/PoolWorker-52] process exiting with exitcode 0
[INFO/PoolWorker-52] process exiting with exitcode 0
/home/gholl/checkouts/fogpy/fogpy/filters.py:949: RuntimeWarning: invalid value encountered in greater
  | np.isnan(self.fbh)] = True
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
ok
test_lowcloud_filter_single_lwp_randomfog (fogpy.test.test_filters.Test_LowCloudFilter) ... [DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502249340928
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234558464
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234554368
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] created semlock with handle 140502234550272
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-57] child process calling self.run()
[INFO/PoolWorker-57] child process calling self.run()
[INFO/PoolWorker-57] child process calling self.run()
[INFO/PoolWorker-57] child process calling self.run()
[INFO/PoolWorker-57] child process calling self.run()
[INFO/PoolWorker-57] child process calling self.run()
[INFO/PoolWorker-57] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-58] child process calling self.run()
[INFO/PoolWorker-58] child process calling self.run()
[INFO/PoolWorker-58] child process calling self.run()
[INFO/PoolWorker-58] child process calling self.run()
[INFO/PoolWorker-58] child process calling self.run()
[INFO/PoolWorker-58] child process calling self.run()
[INFO/PoolWorker-58] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-59] child process calling self.run()
[INFO/PoolWorker-59] child process calling self.run()
[INFO/PoolWorker-59] child process calling self.run()
[INFO/PoolWorker-59] child process calling self.run()
[INFO/PoolWorker-59] child process calling self.run()
[INFO/PoolWorker-59] child process calling self.run()
[INFO/PoolWorker-59] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-60] child process calling self.run()
[INFO/PoolWorker-60] child process calling self.run()
[INFO/PoolWorker-60] child process calling self.run()
[INFO/PoolWorker-60] child process calling self.run()
[INFO/PoolWorker-60] child process calling self.run()
[INFO/PoolWorker-60] child process calling self.run()
[INFO/PoolWorker-60] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-61] child process calling self.run()
[INFO/PoolWorker-61] child process calling self.run()
[INFO/PoolWorker-61] child process calling self.run()
[INFO/PoolWorker-61] child process calling self.run()
[INFO/PoolWorker-61] child process calling self.run()
[INFO/PoolWorker-61] child process calling self.run()
[INFO/PoolWorker-61] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-62] child process calling self.run()
[INFO/PoolWorker-62] child process calling self.run()
[INFO/PoolWorker-62] child process calling self.run()
[INFO/PoolWorker-62] child process calling self.run()
[INFO/PoolWorker-62] child process calling self.run()
[INFO/PoolWorker-62] child process calling self.run()
[INFO/PoolWorker-62] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-63] child process calling self.run()
[INFO/PoolWorker-63] child process calling self.run()
[INFO/PoolWorker-63] child process calling self.run()
[INFO/PoolWorker-63] child process calling self.run()
[INFO/PoolWorker-63] child process calling self.run()
[INFO/PoolWorker-63] child process calling self.run()
[INFO/PoolWorker-63] child process calling self.run()
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[DEBUG/MainProcess] added worker
[INFO/PoolWorker-64] child process calling self.run()
[INFO/PoolWorker-64] child process calling self.run()
[INFO/PoolWorker-64] child process calling self.run()
[INFO/PoolWorker-64] child process calling self.run()
[INFO/PoolWorker-64] child process calling self.run()
[INFO/PoolWorker-64] child process calling self.run()
[INFO/PoolWorker-64] child process calling self.run()
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] closing pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] joining pool
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] worker handler exiting
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to result handler
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] task handler sending sentinel to workers
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] result handler got sentinel
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/PoolWorker-61] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker got sentinel -- exiting
[DEBUG/PoolWorker-63] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker got sentinel -- exiting
[DEBUG/PoolWorker-64] worker got sentinel -- exiting
[DEBUG/PoolWorker-63] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker got sentinel -- exiting
[DEBUG/PoolWorker-58] worker got sentinel -- exiting
[DEBUG/PoolWorker-64] worker got sentinel -- exiting
[DEBUG/PoolWorker-63] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker got sentinel -- exiting
[DEBUG/PoolWorker-58] worker got sentinel -- exiting
[DEBUG/PoolWorker-64] worker got sentinel -- exiting
[DEBUG/PoolWorker-63] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker got sentinel -- exiting
[DEBUG/PoolWorker-59] worker got sentinel -- exiting
[DEBUG/PoolWorker-58] worker got sentinel -- exiting
[DEBUG/PoolWorker-64] worker got sentinel -- exiting
[DEBUG/PoolWorker-63] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker exiting after 0 tasks
[DEBUG/PoolWorker-59] worker got sentinel -- exiting
[DEBUG/PoolWorker-57] worker got sentinel -- exiting
[DEBUG/PoolWorker-60] worker got sentinel -- exiting
[DEBUG/PoolWorker-58] worker got sentinel -- exiting
[DEBUG/PoolWorker-64] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker exiting after 0 tasks
[DEBUG/PoolWorker-63] worker got sentinel -- exiting
[DEBUG/PoolWorker-59] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker exiting after 0 tasks
[DEBUG/PoolWorker-58] worker got sentinel -- exiting
[DEBUG/PoolWorker-64] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker exiting after 0 tasks
[DEBUG/PoolWorker-57] worker got sentinel -- exiting
[DEBUG/PoolWorker-63] worker got sentinel -- exiting
[DEBUG/PoolWorker-59] worker got sentinel -- exiting
[DEBUG/PoolWorker-58] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker exiting after 0 tasks
[DEBUG/PoolWorker-60] worker got sentinel -- exiting
[DEBUG/PoolWorker-64] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker exiting after 0 tasks
[DEBUG/PoolWorker-57] worker got sentinel -- exiting
[DEBUG/PoolWorker-59] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker exiting after 0 tasks
[DEBUG/PoolWorker-58] worker got sentinel -- exiting
[DEBUG/PoolWorker-60] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker exiting after 0 tasks
[DEBUG/PoolWorker-57] worker got sentinel -- exiting
[DEBUG/PoolWorker-59] worker got sentinel -- exiting
[DEBUG/PoolWorker-62] worker exiting after 0 tasks
[DEBUG/PoolWorker-60] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker exiting after 0 tasks
[DEBUG/PoolWorker-57] worker got sentinel -- exiting
[DEBUG/PoolWorker-59] worker got sentinel -- exiting
[DEBUG/PoolWorker-63] worker exiting after 0 tasks
[DEBUG/PoolWorker-62] worker exiting after 0 tasks
[DEBUG/PoolWorker-60] worker got sentinel -- exiting
[DEBUG/PoolWorker-61] worker exiting after 0 tasks
[DEBUG/PoolWorker-64] worker exiting after 0 tasks
[DEBUG/PoolWorker-57] worker got sentinel -- exiting
[DEBUG/PoolWorker-63] worker exiting after 0 tasks
[DEBUG/PoolWorker-58] worker exiting after 1 tasks
[DEBUG/PoolWorker-62] worker exiting after 0 tasks
[DEBUG/PoolWorker-60] worker got sentinel -- exiting
[DEBUG/PoolWorker-57] worker got sentinel -- exiting
[DEBUG/PoolWorker-64] worker exiting after 0 tasks
[DEBUG/PoolWorker-63] worker exiting after 0 tasks
[DEBUG/PoolWorker-62] worker exiting after 0 tasks
[DEBUG/PoolWorker-58] worker exiting after 1 tasks
[DEBUG/PoolWorker-60] worker got sentinel -- exiting
[DEBUG/PoolWorker-59] worker exiting after 1 tasks
[DEBUG/PoolWorker-64] worker exiting after 0 tasks
[DEBUG/PoolWorker-63] worker exiting after 0 tasks
[DEBUG/PoolWorker-58] worker exiting after 1 tasks
[DEBUG/PoolWorker-59] worker exiting after 1 tasks
[DEBUG/PoolWorker-64] worker exiting after 0 tasks
[DEBUG/PoolWorker-63] worker exiting after 0 tasks
[INFO/PoolWorker-61] process shutting down
[DEBUG/PoolWorker-58] worker exiting after 1 tasks
[DEBUG/PoolWorker-57] worker exiting after 1 tasks
[DEBUG/PoolWorker-59] worker exiting after 1 tasks
[DEBUG/PoolWorker-64] worker exiting after 0 tasks
[DEBUG/PoolWorker-63] worker exiting after 0 tasks
[INFO/PoolWorker-61] process shutting down
[DEBUG/PoolWorker-60] worker exiting after 1 tasks
[DEBUG/PoolWorker-58] worker exiting after 1 tasks
[INFO/PoolWorker-62] process shutting down
[DEBUG/PoolWorker-57] worker exiting after 1 tasks
[DEBUG/PoolWorker-59] worker exiting after 1 tasks
[DEBUG/PoolWorker-63] worker exiting after 0 tasks
[DEBUG/PoolWorker-64] worker exiting after 0 tasks
[INFO/PoolWorker-61] process shutting down
[DEBUG/PoolWorker-60] worker exiting after 1 tasks
[DEBUG/PoolWorker-58] worker exiting after 1 tasks
[INFO/PoolWorker-62] process shutting down
[DEBUG/PoolWorker-57] worker exiting after 1 tasks
[INFO/PoolWorker-61] process shutting down
[DEBUG/PoolWorker-64] worker exiting after 0 tasks
[DEBUG/PoolWorker-59] worker exiting after 1 tasks
[DEBUG/PoolWorker-60] worker exiting after 1 tasks
[DEBUG/PoolWorker-58] worker exiting after 1 tasks
[INFO/PoolWorker-62] process shutting down
[DEBUG/PoolWorker-57] worker exiting after 1 tasks
[INFO/PoolWorker-61] process shutting down
[DEBUG/PoolWorker-59] worker exiting after 1 tasks
[DEBUG/PoolWorker-60] worker exiting after 1 tasks
[INFO/PoolWorker-62] process shutting down
[DEBUG/PoolWorker-57] worker exiting after 1 tasks
[INFO/PoolWorker-61] process shutting down
[INFO/PoolWorker-63] process shutting down
[DEBUG/PoolWorker-59] worker exiting after 1 tasks
[DEBUG/PoolWorker-60] worker exiting after 1 tasks
[INFO/PoolWorker-62] process shutting down
[DEBUG/PoolWorker-57] worker exiting after 1 tasks
[INFO/PoolWorker-64] process shutting down
[INFO/PoolWorker-61] process shutting down
[INFO/PoolWorker-58] process shutting down
[INFO/PoolWorker-63] process shutting down
[DEBUG/PoolWorker-60] worker exiting after 1 tasks
[INFO/PoolWorker-62] process shutting down
[DEBUG/PoolWorker-57] worker exiting after 1 tasks
[INFO/PoolWorker-64] process shutting down
[INFO/PoolWorker-58] process shutting down
[INFO/PoolWorker-63] process shutting down
[INFO/PoolWorker-62] process shutting down
[DEBUG/PoolWorker-60] worker exiting after 1 tasks
[INFO/PoolWorker-64] process shutting down
[INFO/PoolWorker-58] process shutting down
[INFO/PoolWorker-63] process shutting down
[INFO/PoolWorker-59] process shutting down
[DEBUG/PoolWorker-61] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-64] process shutting down
[INFO/PoolWorker-58] process shutting down
[INFO/PoolWorker-59] process shutting down
[INFO/PoolWorker-63] process shutting down
[DEBUG/PoolWorker-61] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-64] process shutting down
[INFO/PoolWorker-57] process shutting down
[DEBUG/PoolWorker-62] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-58] process shutting down
[INFO/PoolWorker-63] process shutting down
[INFO/PoolWorker-59] process shutting down
[DEBUG/PoolWorker-61] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-60] process shutting down
[INFO/PoolWorker-64] process shutting down
[INFO/PoolWorker-57] process shutting down
[INFO/PoolWorker-58] process shutting down
[DEBUG/PoolWorker-62] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-59] process shutting down
[INFO/PoolWorker-63] process shutting down
[DEBUG/PoolWorker-61] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-60] process shutting down
[INFO/PoolWorker-64] process shutting down
[INFO/PoolWorker-57] process shutting down
[DEBUG/PoolWorker-62] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-58] process shutting down
[INFO/PoolWorker-59] process shutting down
[DEBUG/PoolWorker-61] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-60] process shutting down
[INFO/PoolWorker-57] process shutting down
[DEBUG/PoolWorker-62] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-59] process shutting down
[DEBUG/PoolWorker-61] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-60] process shutting down
[DEBUG/PoolWorker-63] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-57] process shutting down
[DEBUG/PoolWorker-62] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-64] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-59] process shutting down
[DEBUG/PoolWorker-61] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-58] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-60] process shutting down
[DEBUG/PoolWorker-63] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-57] process shutting down
[DEBUG/PoolWorker-62] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-64] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-58] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-60] process shutting down
[DEBUG/PoolWorker-63] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-57] process shutting down
[DEBUG/PoolWorker-62] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-64] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-58] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-59] running all "atexit" finalizers with priority >= 0
[INFO/PoolWorker-60] process shutting down
[DEBUG/PoolWorker-63] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-64] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-58] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-63] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-59] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-61] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-57] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-64] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-58] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-59] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-63] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-61] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-60] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-57] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-64] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-58] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-59] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-63] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-62] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-61] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-60] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-57] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-64] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-58] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-59] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-62] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-61] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-57] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-60] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-62] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-59] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-61] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-57] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-60] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-62] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-59] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-61] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-57] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-60] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-63] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-62] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-61] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-64] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-58] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-57] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-60] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-63] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-62] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-64] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-58] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-60] running all "atexit" finalizers with priority >= 0
[DEBUG/PoolWorker-63] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-62] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-64] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-58] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-59] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-63] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-64] running the remaining "atexit" finalizers
[INFO/PoolWorker-61] process exiting with exitcode 0
[DEBUG/PoolWorker-58] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-59] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-57] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-63] running the remaining "atexit" finalizers
[INFO/PoolWorker-61] process exiting with exitcode 0
[DEBUG/PoolWorker-64] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-58] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-59] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-60] running the remaining "atexit" finalizers
[INFO/PoolWorker-62] process exiting with exitcode 0
[DEBUG/PoolWorker-57] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-63] running the remaining "atexit" finalizers
[INFO/PoolWorker-61] process exiting with exitcode 0
[DEBUG/PoolWorker-64] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-58] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-59] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-60] running the remaining "atexit" finalizers
[INFO/PoolWorker-62] process exiting with exitcode 0
[DEBUG/PoolWorker-57] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-63] running the remaining "atexit" finalizers
[INFO/PoolWorker-61] process exiting with exitcode 0
[DEBUG/PoolWorker-64] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-58] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-59] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-60] running the remaining "atexit" finalizers
[INFO/PoolWorker-62] process exiting with exitcode 0
[DEBUG/PoolWorker-57] running the remaining "atexit" finalizers
[INFO/PoolWorker-61] process exiting with exitcode 0
[DEBUG/PoolWorker-59] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-60] running the remaining "atexit" finalizers
[INFO/PoolWorker-62] process exiting with exitcode 0
[DEBUG/PoolWorker-57] running the remaining "atexit" finalizers
[INFO/PoolWorker-61] process exiting with exitcode 0
[DEBUG/PoolWorker-59] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-60] running the remaining "atexit" finalizers
[INFO/PoolWorker-62] process exiting with exitcode 0
[DEBUG/PoolWorker-57] running the remaining "atexit" finalizers
[INFO/PoolWorker-64] process exiting with exitcode 0
[INFO/PoolWorker-61] process exiting with exitcode 0
[INFO/PoolWorker-63] process exiting with exitcode 0
[INFO/PoolWorker-58] process exiting with exitcode 0
[DEBUG/PoolWorker-60] running the remaining "atexit" finalizers
[DEBUG/PoolWorker-57] running the remaining "atexit" finalizers
[INFO/PoolWorker-62] process exiting with exitcode 0
[INFO/PoolWorker-64] process exiting with exitcode 0
[INFO/PoolWorker-63] process exiting with exitcode 0
[INFO/PoolWorker-58] process exiting with exitcode 0
[DEBUG/PoolWorker-60] running the remaining "atexit" finalizers
[INFO/PoolWorker-62] process exiting with exitcode 0
[INFO/PoolWorker-63] process exiting with exitcode 0
[INFO/PoolWorker-59] process exiting with exitcode 0
[INFO/PoolWorker-58] process exiting with exitcode 0
[INFO/PoolWorker-64] process exiting with exitcode 0
[INFO/PoolWorker-59] process exiting with exitcode 0
[INFO/PoolWorker-63] process exiting with exitcode 0
[INFO/PoolWorker-57] process exiting with exitcode 0
[INFO/PoolWorker-58] process exiting with exitcode 0
[INFO/PoolWorker-63] process exiting with exitcode 0
[INFO/PoolWorker-59] process exiting with exitcode 0
[INFO/PoolWorker-60] process exiting with exitcode 0
[INFO/PoolWorker-64] process exiting with exitcode 0
[INFO/PoolWorker-57] process exiting with exitcode 0
[INFO/PoolWorker-63] process exiting with exitcode 0
[INFO/PoolWorker-59] process exiting with exitcode 0
[INFO/PoolWorker-60] process exiting with exitcode 0
[INFO/PoolWorker-57] process exiting with exitcode 0
[INFO/PoolWorker-58] process exiting with exitcode 0
[INFO/PoolWorker-59] process exiting with exitcode 0
[INFO/PoolWorker-63] process exiting with exitcode 0
[INFO/PoolWorker-60] process exiting with exitcode 0
[INFO/PoolWorker-64] process exiting with exitcode 0
[INFO/PoolWorker-57] process exiting with exitcode 0
[INFO/PoolWorker-59] process exiting with exitcode 0
[INFO/PoolWorker-60] process exiting with exitcode 0
[INFO/PoolWorker-58] process exiting with exitcode 0
[INFO/PoolWorker-57] process exiting with exitcode 0
[INFO/PoolWorker-64] process exiting with exitcode 0
[INFO/PoolWorker-60] process exiting with exitcode 0
[INFO/PoolWorker-57] process exiting with exitcode 0
[INFO/PoolWorker-59] process exiting with exitcode 0
[INFO/PoolWorker-58] process exiting with exitcode 0
[INFO/PoolWorker-60] process exiting with exitcode 0
[INFO/PoolWorker-57] process exiting with exitcode 0
[INFO/PoolWorker-64] process exiting with exitcode 0
[INFO/PoolWorker-60] process exiting with exitcode 0
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] ensuring that outqueue is not full
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] task handler exiting
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] result handler exiting: len(cache)=0, thread._state=0
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] finalizing pool
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] helping task handler/workers to finish
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] removing tasks from inqueue until task handler finished
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] joining worker handler
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] terminating workers
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining task handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining result handler
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
[DEBUG/MainProcess] joining pool workers
ok
test_snow_filter (fogpy.test.test_filters.Test_SnowFilter) ... ok
test_spatial_cth_filter_artifical (fogpy.test.test_filters.Test_SpatialCloudTopHeightFilter) ... ok
test_spatial_homogenity_filter_highsd (fogpy.test.test_filters.Test_SpatialHomogeneityFilter) ... FAIL
test_spatial_homogenity_filter_lowsd (fogpy.test.test_filters.Test_SpatialHomogeneityFilter) ... ok
test_spatial_homogenity_filter_maxsize (fogpy.test.test_filters.Test_SpatialHomogeneityFilter) ... ok
test_spatial_homogenity_filter_nomask_high (fogpy.test.test_filters.Test_SpatialHomogeneityFilter) ... ok
test_spatial_homogenity_filter_nomask_low (fogpy.test.test_filters.Test_SpatialHomogeneityFilter) ... ok
test_dem_interpolation_method (fogpy.test.test_filters.Test_StationFusionFilter) ... ok
test_fusion_filter_bufr_import (fogpy.test.test_filters.Test_StationFusionFilter) ... ERROR
test_fusion_filter_dem_interpolation (fogpy.test.test_filters.Test_StationFusionFilter) ... ERROR
test_water_cloud_filter (fogpy.test.test_filters.Test_WaterCloudFilter) ... ok
Failure: ImportError (No module named utils) ... ERROR
test_cloud_layer (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_cloud_layer_small (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_cloud_layer_small2 (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_air_pressure (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_cloud_based_vapour_mixing_ratio (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_effective_radius (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_effective_radius_with_cbh (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_fog_cloud_height (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_fog_cloud_height2 (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... /media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/scipy/optimize/_minimize.py:517: RuntimeWarning: Method BFGS cannot handle constraints nor bounds.
  RuntimeWarning)
ok
test_get_incloud_mixing_ratio (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_incloud_mixing_ratio_limit (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_liquid_density (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_liquid_mixing_ratio (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_liquid_water_content (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_liquid_water_path (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_liquid_water_path2 (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_moist_adiabatic_lapse_temp (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_moist_air_density (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_sat_vapour_pressure_buck (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_sat_vapour_pressure_magnus (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_vapour_mixing_ratio (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_get_visibility (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_init_cloud_layers (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_optimize_cbh_basin (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok
test_optimize_cbh_brute (fogpy.test.test_lowwatercloud.Test_LowWaterCloud) ... ok

======================================================================
ERROR: test_fls_algorithm (fogpy.test.test_algorithms.Test_DayFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 202, in test_fls_algorithm
    stationfile, bgimg=self.input['ir108'])
  File "/home/gholl/checkouts/fogpy/fogpy/utils/add_synop.py", line 123, in add_to_image
    stations = read_synop(bufr, 'visibility')
  File "/home/gholl/checkouts/fogpy/fogpy/utils/import_synop.py", line 55, in read_synop
    bfr.decode(blob)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollbufr/bufr.py", line 385, in decode
    self.decode_meta(bin_data, load_tables)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollbufr/bufr.py", line 369, in decode_meta
    raise tables_fail
BufrTableError: BufrTableError: Table not found: '/data/tleppelt/git/trollbufr/table_b_013'
-------------------- >> begin captured logging << --------------------
fogpy.algorithms: INFO: Starting fog and low cloud detection algorithm in daytime mode
fogpy.filters: INFO: Applying Cloud Filter
fogpy.filters: DEBUG: Histogram range for cloudy/clear sky pixels: -19.7446861967 - 1.11645277953
fogpy.filters: DEBUG: Cloud mask difference threshold set to -3.51935588185
fogpy.filters: INFO: Filter results for CloudFilter 

                    Cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 20551
                    Previous masked:         0
                    New filtered:            20551
                    Remaining:               21467
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: CloudFilter results are plotted to: /tmp/FLS/CloudFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Snow Filter
fogpy.filters: INFO: Filter results for SnowFilter 

                    Snow filtering for satellite images.
                    Array size:              42018
                    Masking:                 577
                    Previous masked:         20551
                    New filtered:            0
                    Remaining:               21467
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: SnowFilter results are plotted to: /tmp/FLS/SnowFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Snow Filter
fogpy.filters: INFO: Filter results for IceCloudFilter 

                    Ice cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 36632
                    Previous masked:         20551
                    New filtered:            16473
                    Remaining:               4994
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: IceCloudFilter results are plotted to: /tmp/FLS/IceCloudFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Cirrus Filter
fogpy.filters: DEBUG: Found solar zenith angles from 71.45427646160117 to 81.94458529861542°
fogpy.filters: DEBUG: Set BT difference thresholds for cirrus: 1.1 to 2.3 K
fogpy.filters: INFO: Filter results for CirrusCloudFilter 

                    Thin cirrus cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 9398
                    Previous masked:         37024
                    New filtered:            7
                    Remaining:               4987
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: CirrusCloudFilter results are plotted to: /tmp/FLS/CirrusCloudFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Water Cloud Filter
fogpy.filters: DEBUG: Mean latitudinal threshold for cloudfree areas: 271.07 K
fogpy.filters: INFO: Filter results for WaterCloudFilter 

                    Water cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 19857
                    Previous masked:         37031
                    New filtered:            112
                    Remaining:               4875
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: WaterCloudFilter results are plotted to: /tmp/FLS/WaterCloudFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 151
trollimage.image: DEBUG: Applying stretch crude with parameters {}
fogpy.algorithms: INFO: DayFogLowStratusAlgorithm results are plotted to: /tmp/FLS
fogpy.filters: INFO: Applying Spatial Cloud Top Height Filter
fogpy.filters: INFO: Filter results for SpatialCloudTopHeightFilter 

                    Filtering cloud clusters by height for satellite images.
                    Array size:              42018
                    Masking:                 17144
                    Previous masked:         37143
                    New filtered:            514
                    Remaining:               4361
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: SpatialCloudTopHeightFilter results are plotted to: /tmp/FLS/SpatialCloudTopHeightFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 91
fogpy.filters: INFO: Applying Spatial Clustering Inhomogeneity Filter
fogpy.filters: INFO: Filter results for SpatialHomogeneityFilter 

                    Filtering cloud clusters by StDev for satellite images.
                    Array size:              42018
                    Masking:                 37657
                    Previous masked:         37657
                    New filtered:            0
                    Remaining:               4361
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: SpatialHomogeneityFilter results are plotted to: /tmp/FLS/SpatialHomogeneityFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Spatial Clustering Inhomogenity Filter
fogpy.filters: INFO: Filter results for CloudPhysicsFilter 

                    Filtering cloud microphysics for satellite images.
                    Array size:              42018
                    Masking:                 14340
                    Previous masked:         37657
                    New filtered:            568
                    Remaining:               3793
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: CloudPhysicsFilter results are plotted to: /tmp/FLS/CloudPhysicsFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 117
fogpy.filters: INFO: Applying Low Cloud Filter
fogpy.filters: INFO: Run low cloud models for single cells
fogpy.filters: INFO: 3790 Tasks Remaining --- 0.08 % Complete
fogpy.filters: INFO: 3775 Tasks Remaining --- 0.47 % Complete
fogpy.filters: INFO: 3758 Tasks Remaining --- 0.92 % Complete
fogpy.filters: INFO: 3744 Tasks Remaining --- 1.29 % Complete
fogpy.filters: INFO: 3730 Tasks Remaining --- 1.66 % Complete
fogpy.filters: INFO: 3713 Tasks Remaining --- 2.11 % Complete
fogpy.filters: INFO: 3698 Tasks Remaining --- 2.50 % Complete
fogpy.filters: INFO: 3683 Tasks Remaining --- 2.90 % Complete
fogpy.filters: INFO: 3671 Tasks Remaining --- 3.22 % Complete
fogpy.filters: INFO: 3660 Tasks Remaining --- 3.51 % Complete
fogpy.filters: INFO: 3645 Tasks Remaining --- 3.90 % Complete
fogpy.filters: INFO: 3632 Tasks Remaining --- 4.24 % Complete
fogpy.filters: INFO: 3620 Tasks Remaining --- 4.56 % Complete
fogpy.filters: INFO: 3605 Tasks Remaining --- 4.96 % Complete
fogpy.filters: INFO: 3592 Tasks Remaining --- 5.30 % Complete
fogpy.filters: INFO: 3573 Tasks Remaining --- 5.80 % Complete
fogpy.filters: INFO: 3558 Tasks Remaining --- 6.20 % Complete
fogpy.filters: INFO: 3544 Tasks Remaining --- 6.56 % Complete
fogpy.filters: INFO: 3530 Tasks Remaining --- 6.93 % Complete
fogpy.filters: INFO: 3513 Tasks Remaining --- 7.38 % Complete
fogpy.filters: INFO: 3499 Tasks Remaining --- 7.75 % Complete
fogpy.filters: INFO: 3483 Tasks Remaining --- 8.17 % Complete
fogpy.filters: INFO: 3465 Tasks Remaining --- 8.65 % Complete
fogpy.filters: INFO: 3448 Tasks Remaining --- 9.10 % Complete
fogpy.filters: INFO: 3436 Tasks Remaining --- 9.41 % Complete
fogpy.filters: INFO: 3419 Tasks Remaining --- 9.86 % Complete
fogpy.filters: INFO: 3405 Tasks Remaining --- 10.23 % Complete
fogpy.filters: INFO: 3394 Tasks Remaining --- 10.52 % Complete
fogpy.filters: INFO: 3379 Tasks Remaining --- 10.91 % Complete
fogpy.filters: INFO: 3371 Tasks Remaining --- 11.13 % Complete
fogpy.filters: INFO: 3361 Tasks Remaining --- 11.39 % Complete
fogpy.filters: INFO: 3351 Tasks Remaining --- 11.65 % Complete
fogpy.filters: INFO: 3339 Tasks Remaining --- 11.97 % Complete
fogpy.filters: INFO: 3330 Tasks Remaining --- 12.21 % Complete
fogpy.filters: INFO: 3320 Tasks Remaining --- 12.47 % Complete
fogpy.filters: INFO: 3308 Tasks Remaining --- 12.79 % Complete
fogpy.filters: INFO: 3299 Tasks Remaining --- 13.02 % Complete
fogpy.filters: INFO: 3288 Tasks Remaining --- 13.31 % Complete
fogpy.filters: INFO: 3276 Tasks Remaining --- 13.63 % Complete
fogpy.filters: INFO: 3267 Tasks Remaining --- 13.87 % Complete
fogpy.filters: INFO: 3258 Tasks Remaining --- 14.10 % Complete
fogpy.filters: INFO: 3245 Tasks Remaining --- 14.45 % Complete
fogpy.filters: INFO: 3231 Tasks Remaining --- 14.82 % Complete
fogpy.filters: INFO: 3222 Tasks Remaining --- 15.05 % Complete
fogpy.filters: INFO: 3214 Tasks Remaining --- 15.26 % Complete
fogpy.filters: INFO: 3204 Tasks Remaining --- 15.53 % Complete
fogpy.filters: INFO: 3189 Tasks Remaining --- 15.92 % Complete
fogpy.filters: INFO: 3176 Tasks Remaining --- 16.27 % Complete
fogpy.filters: INFO: 3168 Tasks Remaining --- 16.48 % Complete
fogpy.filters: INFO: 3157 Tasks Remaining --- 16.77 % Complete
fogpy.filters: INFO: 3144 Tasks Remaining --- 17.11 % Complete
fogpy.filters: INFO: 3130 Tasks Remaining --- 17.48 % Complete
fogpy.filters: INFO: 3116 Tasks Remaining --- 17.85 % Complete
fogpy.filters: INFO: 3104 Tasks Remaining --- 18.17 % Complete
fogpy.filters: INFO: 3093 Tasks Remaining --- 18.46 % Complete
fogpy.filters: INFO: 3084 Tasks Remaining --- 18.69 % Complete
fogpy.filters: INFO: 3073 Tasks Remaining --- 18.98 % Complete
fogpy.filters: INFO: 3055 Tasks Remaining --- 19.46 % Complete
fogpy.filters: INFO: 3045 Tasks Remaining --- 19.72 % Complete
fogpy.filters: INFO: 3035 Tasks Remaining --- 19.98 % Complete
fogpy.filters: INFO: 3020 Tasks Remaining --- 20.38 % Complete
fogpy.filters: INFO: 3011 Tasks Remaining --- 20.62 % Complete
fogpy.filters: INFO: 2994 Tasks Remaining --- 21.07 % Complete
fogpy.filters: INFO: 2984 Tasks Remaining --- 21.33 % Complete
fogpy.filters: INFO: 2974 Tasks Remaining --- 21.59 % Complete
fogpy.filters: INFO: 2963 Tasks Remaining --- 21.88 % Complete
fogpy.filters: INFO: 2950 Tasks Remaining --- 22.23 % Complete
fogpy.filters: INFO: 2936 Tasks Remaining --- 22.59 % Complete
fogpy.filters: INFO: 2924 Tasks Remaining --- 22.91 % Complete
fogpy.filters: INFO: 2914 Tasks Remaining --- 23.17 % Complete
fogpy.filters: INFO: 2904 Tasks Remaining --- 23.44 % Complete
fogpy.filters: INFO: 2891 Tasks Remaining --- 23.78 % Complete
fogpy.filters: INFO: 2879 Tasks Remaining --- 24.10 % Complete
fogpy.filters: INFO: 2861 Tasks Remaining --- 24.57 % Complete
fogpy.filters: INFO: 2851 Tasks Remaining --- 24.84 % Complete
fogpy.filters: INFO: 2840 Tasks Remaining --- 25.13 % Complete
fogpy.filters: INFO: 2828 Tasks Remaining --- 25.44 % Complete
fogpy.filters: INFO: 2815 Tasks Remaining --- 25.78 % Complete
fogpy.filters: INFO: 2801 Tasks Remaining --- 26.15 % Complete
fogpy.filters: INFO: 2785 Tasks Remaining --- 26.58 % Complete
fogpy.filters: INFO: 2772 Tasks Remaining --- 26.92 % Complete
fogpy.filters: INFO: 2763 Tasks Remaining --- 27.16 % Complete
fogpy.filters: INFO: 2754 Tasks Remaining --- 27.39 % Complete
fogpy.filters: INFO: 2739 Tasks Remaining --- 27.79 % Complete
fogpy.filters: INFO: 2726 Tasks Remaining --- 28.13 % Complete
fogpy.filters: INFO: 2712 Tasks Remaining --- 28.50 % Complete
fogpy.filters: INFO: 2698 Tasks Remaining --- 28.87 % Complete
fogpy.filters: INFO: 2688 Tasks Remaining --- 29.13 % Complete
fogpy.filters: INFO: 2678 Tasks Remaining --- 29.40 % Complete
fogpy.filters: INFO: 2665 Tasks Remaining --- 29.74 % Complete
fogpy.filters: INFO: 2649 Tasks Remaining --- 30.16 % Complete
fogpy.filters: INFO: 2639 Tasks Remaining --- 30.42 % Complete
fogpy.filters: INFO: 2624 Tasks Remaining --- 30.82 % Complete
fogpy.filters: INFO: 2611 Tasks Remaining --- 31.16 % Complete
fogpy.filters: INFO: 2599 Tasks Remaining --- 31.48 % Complete
fogpy.filters: INFO: 2590 Tasks Remaining --- 31.72 % Complete
fogpy.filters: INFO: 2580 Tasks Remaining --- 31.98 % Complete
fogpy.filters: INFO: 2567 Tasks Remaining --- 32.32 % Complete
fogpy.filters: INFO: 2553 Tasks Remaining --- 32.69 % Complete
fogpy.filters: INFO: 2542 Tasks Remaining --- 32.98 % Complete
fogpy.filters: INFO: 2526 Tasks Remaining --- 33.40 % Complete
fogpy.filters: INFO: 2513 Tasks Remaining --- 33.75 % Complete
fogpy.filters: INFO: 2502 Tasks Remaining --- 34.04 % Complete
fogpy.filters: INFO: 2490 Tasks Remaining --- 34.35 % Complete
fogpy.filters: INFO: 2482 Tasks Remaining --- 34.56 % Complete
fogpy.filters: INFO: 2466 Tasks Remaining --- 34.99 % Complete
fogpy.filters: INFO: 2454 Tasks Remaining --- 35.30 % Complete
fogpy.filters: INFO: 2441 Tasks Remaining --- 35.64 % Complete
fogpy.filters: INFO: 2430 Tasks Remaining --- 35.93 % Complete
fogpy.filters: INFO: 2418 Tasks Remaining --- 36.25 % Complete
fogpy.filters: INFO: 2406 Tasks Remaining --- 36.57 % Complete
fogpy.filters: INFO: 2394 Tasks Remaining --- 36.88 % Complete
fogpy.filters: INFO: 2384 Tasks Remaining --- 37.15 % Complete
fogpy.filters: INFO: 2371 Tasks Remaining --- 37.49 % Complete
fogpy.filters: INFO: 2357 Tasks Remaining --- 37.86 % Complete
fogpy.filters: INFO: 2346 Tasks Remaining --- 38.15 % Complete
fogpy.filters: INFO: 2334 Tasks Remaining --- 38.47 % Complete
fogpy.filters: INFO: 2322 Tasks Remaining --- 38.78 % Complete
fogpy.filters: INFO: 2311 Tasks Remaining --- 39.07 % Complete
fogpy.filters: INFO: 2293 Tasks Remaining --- 39.55 % Complete
fogpy.filters: INFO: 2285 Tasks Remaining --- 39.76 % Complete
fogpy.filters: INFO: 2275 Tasks Remaining --- 40.02 % Complete
fogpy.filters: INFO: 2260 Tasks Remaining --- 40.42 % Complete
fogpy.filters: INFO: 2250 Tasks Remaining --- 40.68 % Complete
fogpy.filters: INFO: 2236 Tasks Remaining --- 41.05 % Complete
fogpy.filters: INFO: 2225 Tasks Remaining --- 41.34 % Complete
fogpy.filters: INFO: 2213 Tasks Remaining --- 41.66 % Complete
fogpy.filters: INFO: 2202 Tasks Remaining --- 41.95 % Complete
fogpy.filters: INFO: 2189 Tasks Remaining --- 42.29 % Complete
fogpy.filters: INFO: 2178 Tasks Remaining --- 42.58 % Complete
fogpy.filters: INFO: 2170 Tasks Remaining --- 42.79 % Complete
fogpy.filters: INFO: 2157 Tasks Remaining --- 43.13 % Complete
fogpy.filters: INFO: 2146 Tasks Remaining --- 43.42 % Complete
fogpy.filters: INFO: 2132 Tasks Remaining --- 43.79 % Complete
fogpy.filters: INFO: 2122 Tasks Remaining --- 44.05 % Complete
fogpy.filters: INFO: 2110 Tasks Remaining --- 44.37 % Complete
fogpy.filters: INFO: 2099 Tasks Remaining --- 44.66 % Complete
fogpy.filters: INFO: 2086 Tasks Remaining --- 45.00 % Complete
fogpy.filters: INFO: 2071 Tasks Remaining --- 45.40 % Complete
fogpy.filters: INFO: 2058 Tasks Remaining --- 45.74 % Complete
fogpy.filters: INFO: 2046 Tasks Remaining --- 46.06 % Complete
fogpy.filters: INFO: 2034 Tasks Remaining --- 46.37 % Complete
fogpy.filters: INFO: 2024 Tasks Remaining --- 46.64 % Complete
fogpy.filters: INFO: 2012 Tasks Remaining --- 46.95 % Complete
fogpy.filters: INFO: 1999 Tasks Remaining --- 47.30 % Complete
fogpy.filters: INFO: 1984 Tasks Remaining --- 47.69 % Complete
fogpy.filters: INFO: 1969 Tasks Remaining --- 48.09 % Complete
fogpy.filters: INFO: 1955 Tasks Remaining --- 48.46 % Complete
fogpy.filters: INFO: 1944 Tasks Remaining --- 48.75 % Complete
fogpy.filters: INFO: 1930 Tasks Remaining --- 49.12 % Complete
fogpy.filters: INFO: 1920 Tasks Remaining --- 49.38 % Complete
fogpy.filters: INFO: 1903 Tasks Remaining --- 49.83 % Complete
fogpy.filters: INFO: 1891 Tasks Remaining --- 50.15 % Complete
fogpy.filters: INFO: 1879 Tasks Remaining --- 50.46 % Complete
fogpy.filters: INFO: 1868 Tasks Remaining --- 50.75 % Complete
fogpy.filters: INFO: 1853 Tasks Remaining --- 51.15 % Complete
fogpy.filters: INFO: 1840 Tasks Remaining --- 51.49 % Complete
fogpy.filters: INFO: 1828 Tasks Remaining --- 51.81 % Complete
fogpy.filters: INFO: 1817 Tasks Remaining --- 52.10 % Complete
fogpy.filters: INFO: 1805 Tasks Remaining --- 52.41 % Complete
fogpy.filters: INFO: 1792 Tasks Remaining --- 52.76 % Complete
fogpy.filters: INFO: 1782 Tasks Remaining --- 53.02 % Complete
fogpy.filters: INFO: 1769 Tasks Remaining --- 53.36 % Complete
fogpy.filters: INFO: 1758 Tasks Remaining --- 53.65 % Complete
fogpy.filters: INFO: 1743 Tasks Remaining --- 54.05 % Complete
fogpy.filters: INFO: 1730 Tasks Remaining --- 54.39 % Complete
fogpy.filters: INFO: 1721 Tasks Remaining --- 54.63 % Complete
fogpy.filters: INFO: 1708 Tasks Remaining --- 54.97 % Complete
fogpy.filters: INFO: 1697 Tasks Remaining --- 55.26 % Complete
fogpy.filters: INFO: 1682 Tasks Remaining --- 55.66 % Complete
fogpy.filters: INFO: 1674 Tasks Remaining --- 55.87 % Complete
fogpy.filters: INFO: 1660 Tasks Remaining --- 56.24 % Complete
fogpy.filters: INFO: 1650 Tasks Remaining --- 56.50 % Complete
fogpy.filters: INFO: 1633 Tasks Remaining --- 56.95 % Complete
fogpy.filters: INFO: 1618 Tasks Remaining --- 57.34 % Complete
fogpy.filters: INFO: 1606 Tasks Remaining --- 57.66 % Complete
fogpy.filters: INFO: 1596 Tasks Remaining --- 57.92 % Complete
fogpy.filters: INFO: 1584 Tasks Remaining --- 58.24 % Complete
fogpy.filters: INFO: 1573 Tasks Remaining --- 58.53 % Complete
fogpy.filters: INFO: 1559 Tasks Remaining --- 58.90 % Complete
fogpy.filters: INFO: 1549 Tasks Remaining --- 59.16 % Complete
fogpy.filters: INFO: 1537 Tasks Remaining --- 59.48 % Complete
fogpy.filters: INFO: 1524 Tasks Remaining --- 59.82 % Complete
fogpy.filters: INFO: 1512 Tasks Remaining --- 60.14 % Complete
fogpy.filters: INFO: 1496 Tasks Remaining --- 60.56 % Complete
fogpy.filters: INFO: 1483 Tasks Remaining --- 60.90 % Complete
fogpy.filters: INFO: 1472 Tasks Remaining --- 61.19 % Complete
fogpy.filters: INFO: 1461 Tasks Remaining --- 61.48 % Complete
fogpy.filters: INFO: 1449 Tasks Remaining --- 61.80 % Complete
fogpy.filters: INFO: 1434 Tasks Remaining --- 62.19 % Complete
fogpy.filters: INFO: 1419 Tasks Remaining --- 62.59 % Complete
fogpy.filters: INFO: 1408 Tasks Remaining --- 62.88 % Complete
fogpy.filters: INFO: 1393 Tasks Remaining --- 63.27 % Complete
fogpy.filters: INFO: 1377 Tasks Remaining --- 63.70 % Complete
fogpy.filters: INFO: 1366 Tasks Remaining --- 63.99 % Complete
fogpy.filters: INFO: 1353 Tasks Remaining --- 64.33 % Complete
fogpy.filters: INFO: 1339 Tasks Remaining --- 64.70 % Complete
fogpy.filters: INFO: 1328 Tasks Remaining --- 64.99 % Complete
fogpy.filters: INFO: 1314 Tasks Remaining --- 65.36 % Complete
fogpy.filters: INFO: 1303 Tasks Remaining --- 65.65 % Complete
fogpy.filters: INFO: 1292 Tasks Remaining --- 65.94 % Complete
fogpy.filters: INFO: 1280 Tasks Remaining --- 66.25 % Complete
fogpy.filters: INFO: 1266 Tasks Remaining --- 66.62 % Complete
fogpy.filters: INFO: 1252 Tasks Remaining --- 66.99 % Complete
fogpy.filters: INFO: 1238 Tasks Remaining --- 67.36 % Complete
fogpy.filters: INFO: 1224 Tasks Remaining --- 67.73 % Complete
fogpy.filters: INFO: 1206 Tasks Remaining --- 68.20 % Complete
fogpy.filters: INFO: 1196 Tasks Remaining --- 68.47 % Complete
fogpy.filters: INFO: 1184 Tasks Remaining --- 68.78 % Complete
fogpy.filters: INFO: 1170 Tasks Remaining --- 69.15 % Complete
fogpy.filters: INFO: 1158 Tasks Remaining --- 69.47 % Complete
fogpy.filters: INFO: 1146 Tasks Remaining --- 69.79 % Complete
fogpy.filters: INFO: 1131 Tasks Remaining --- 70.18 % Complete
fogpy.filters: INFO: 1119 Tasks Remaining --- 70.50 % Complete
fogpy.filters: INFO: 1107 Tasks Remaining --- 70.81 % Complete
fogpy.filters: INFO: 1088 Tasks Remaining --- 71.32 % Complete
fogpy.filters: INFO: 1079 Tasks Remaining --- 71.55 % Complete
fogpy.filters: INFO: 1068 Tasks Remaining --- 71.84 % Complete
fogpy.filters: INFO: 1055 Tasks Remaining --- 72.19 % Complete
fogpy.filters: INFO: 1042 Tasks Remaining --- 72.53 % Complete
fogpy.filters: INFO: 1031 Tasks Remaining --- 72.82 % Complete
fogpy.filters: INFO: 1017 Tasks Remaining --- 73.19 % Complete
fogpy.filters: INFO: 1005 Tasks Remaining --- 73.50 % Complete
fogpy.filters: INFO: 996 Tasks Remaining --- 73.74 % Complete
fogpy.filters: INFO: 981 Tasks Remaining --- 74.14 % Complete
fogpy.filters: INFO: 967 Tasks Remaining --- 74.51 % Complete
fogpy.filters: INFO: 955 Tasks Remaining --- 74.82 % Complete
fogpy.filters: INFO: 944 Tasks Remaining --- 75.11 % Complete
fogpy.filters: INFO: 932 Tasks Remaining --- 75.43 % Complete
fogpy.filters: INFO: 919 Tasks Remaining --- 75.77 % Complete
fogpy.filters: INFO: 904 Tasks Remaining --- 76.17 % Complete
fogpy.filters: INFO: 889 Tasks Remaining --- 76.56 % Complete
fogpy.filters: INFO: 873 Tasks Remaining --- 76.98 % Complete
fogpy.filters: INFO: 864 Tasks Remaining --- 77.22 % Complete
fogpy.filters: INFO: 853 Tasks Remaining --- 77.51 % Complete
fogpy.filters: INFO: 839 Tasks Remaining --- 77.88 % Complete
fogpy.filters: INFO: 829 Tasks Remaining --- 78.14 % Complete
fogpy.filters: INFO: 819 Tasks Remaining --- 78.41 % Complete
fogpy.filters: INFO: 802 Tasks Remaining --- 78.86 % Complete
fogpy.filters: INFO: 786 Tasks Remaining --- 79.28 % Complete
fogpy.filters: INFO: 776 Tasks Remaining --- 79.54 % Complete
fogpy.filters: INFO: 767 Tasks Remaining --- 79.78 % Complete
fogpy.filters: INFO: 751 Tasks Remaining --- 80.20 % Complete
fogpy.filters: INFO: 738 Tasks Remaining --- 80.54 % Complete
fogpy.filters: INFO: 726 Tasks Remaining --- 80.86 % Complete
fogpy.filters: INFO: 711 Tasks Remaining --- 81.25 % Complete
fogpy.filters: INFO: 697 Tasks Remaining --- 81.62 % Complete
fogpy.filters: INFO: 685 Tasks Remaining --- 81.94 % Complete
fogpy.filters: INFO: 669 Tasks Remaining --- 82.36 % Complete
fogpy.filters: INFO: 660 Tasks Remaining --- 82.60 % Complete
fogpy.filters: INFO: 648 Tasks Remaining --- 82.92 % Complete
fogpy.filters: INFO: 632 Tasks Remaining --- 83.34 % Complete
fogpy.filters: INFO: 621 Tasks Remaining --- 83.63 % Complete
fogpy.filters: INFO: 606 Tasks Remaining --- 84.02 % Complete
fogpy.filters: INFO: 596 Tasks Remaining --- 84.29 % Complete
fogpy.filters: INFO: 584 Tasks Remaining --- 84.60 % Complete
fogpy.filters: INFO: 570 Tasks Remaining --- 84.97 % Complete
fogpy.filters: INFO: 549 Tasks Remaining --- 85.53 % Complete
fogpy.filters: INFO: 539 Tasks Remaining --- 85.79 % Complete
fogpy.filters: INFO: 527 Tasks Remaining --- 86.11 % Complete
fogpy.filters: INFO: 512 Tasks Remaining --- 86.50 % Complete
fogpy.filters: INFO: 498 Tasks Remaining --- 86.87 % Complete
fogpy.filters: INFO: 479 Tasks Remaining --- 87.37 % Complete
fogpy.filters: INFO: 468 Tasks Remaining --- 87.66 % Complete
fogpy.filters: INFO: 455 Tasks Remaining --- 88.00 % Complete
fogpy.filters: INFO: 443 Tasks Remaining --- 88.32 % Complete
fogpy.filters: INFO: 414 Tasks Remaining --- 89.09 % Complete
fogpy.filters: INFO: 402 Tasks Remaining --- 89.40 % Complete
fogpy.filters: INFO: 393 Tasks Remaining --- 89.64 % Complete
fogpy.filters: INFO: 378 Tasks Remaining --- 90.03 % Complete
fogpy.filters: INFO: 356 Tasks Remaining --- 90.61 % Complete
fogpy.filters: INFO: 335 Tasks Remaining --- 91.17 % Complete
fogpy.filters: INFO: 319 Tasks Remaining --- 91.59 % Complete
fogpy.filters: INFO: 309 Tasks Remaining --- 91.85 % Complete
fogpy.filters: INFO: 290 Tasks Remaining --- 92.35 % Complete
fogpy.filters: INFO: 270 Tasks Remaining --- 92.88 % Complete
fogpy.filters: INFO: 257 Tasks Remaining --- 93.22 % Complete
fogpy.filters: INFO: 245 Tasks Remaining --- 93.54 % Complete
fogpy.filters: INFO: 215 Tasks Remaining --- 94.33 % Complete
fogpy.filters: INFO: 202 Tasks Remaining --- 94.67 % Complete
fogpy.filters: INFO: 191 Tasks Remaining --- 94.96 % Complete
fogpy.filters: INFO: 182 Tasks Remaining --- 95.20 % Complete
fogpy.filters: INFO: 164 Tasks Remaining --- 95.68 % Complete
fogpy.filters: INFO: 132 Tasks Remaining --- 96.52 % Complete
fogpy.filters: INFO: 122 Tasks Remaining --- 96.78 % Complete
fogpy.filters: INFO: 111 Tasks Remaining --- 97.07 % Complete
fogpy.filters: INFO: 98 Tasks Remaining --- 97.42 % Complete
fogpy.filters: INFO: 82 Tasks Remaining --- 97.84 % Complete
fogpy.filters: INFO: 58 Tasks Remaining --- 98.47 % Complete
fogpy.filters: INFO: 38 Tasks Remaining --- 99.00 % Complete
fogpy.filters: INFO: 27 Tasks Remaining --- 99.29 % Complete
fogpy.filters: INFO: 15 Tasks Remaining --- 99.60 % Complete
fogpy.filters: INFO: 5 Tasks Remaining --- 99.87 % Complete
fogpy.filters: INFO: All Done. Completed 3793 tasks
fogpy.filters: INFO: Finished low cloud models for 3793 cells
fogpy.filters: INFO: Filter results for LowCloudFilter 

                    Filtering low clouds for satellite images.
                    Array size:              42018
                    Masking:                 41828
                    Previous masked:         38225
                    New filtered:            3603
                    Remaining:               190
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: LowCloudFilter results are plotted to: /tmp/FLS/LowCloudFilter_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Plotting filter attribute cbh to /tmp/FLS/LowCloudFilter_cbh_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Plotting filter attribute fbh to /tmp/FLS/LowCloudFilter_fbh_201311120830.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.algorithms: INFO: Finish fog and low cloud detection algorithm
trollimage.image: DEBUG: Applying stretch crude with parameters {}
fogpy.algorithms: INFO: Set color range to (267.44605080253444, 274.3928131405534)
fogpy.algorithms: INFO: DayFogLowStratusAlgorithm results are plotted to: /tmp/FLS
trollimage.image: DEBUG: Applying stretch crude with parameters {}
--------------------- >> end captured logging << ---------------------

======================================================================
ERROR: test_fls_algorithm_other (fogpy.test.test_algorithms.Test_DayFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 232, in test_fls_algorithm_other
    stationfile2, bgimg=self.input2['ir108'])
  File "/home/gholl/checkouts/fogpy/fogpy/utils/add_synop.py", line 123, in add_to_image
    stations = read_synop(bufr, 'visibility')
  File "/home/gholl/checkouts/fogpy/fogpy/utils/import_synop.py", line 55, in read_synop
    bfr.decode(blob)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollbufr/bufr.py", line 385, in decode
    self.decode_meta(bin_data, load_tables)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollbufr/bufr.py", line 369, in decode_meta
    raise tables_fail
BufrTableError: BufrTableError: Table not found: '/data/tleppelt/git/trollbufr/table_b_013'
-------------------- >> begin captured logging << --------------------
fogpy.algorithms: INFO: Starting fog and low cloud detection algorithm in daytime mode
fogpy.filters: INFO: Applying Cloud Filter
fogpy.filters: DEBUG: Histogram range for cloudy/clear sky pixels: -6.48294205488 - 2.5771321229
fogpy.filters: DEBUG: Cloud mask difference threshold set to -1.95290496599
fogpy.filters: INFO: Filter results for CloudFilter 

                    Cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 16336
                    Previous masked:         0
                    New filtered:            16336
                    Remaining:               25682
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: CloudFilter results are plotted to: /tmp/FLS/CloudFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Snow Filter
fogpy.filters: INFO: Filter results for SnowFilter 

                    Snow filtering for satellite images.
                    Array size:              42018
                    Masking:                 183
                    Previous masked:         16336
                    New filtered:            144
                    Remaining:               25538
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: SnowFilter results are plotted to: /tmp/FLS/SnowFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Snow Filter
fogpy.filters: INFO: Filter results for IceCloudFilter 

                    Ice cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 35413
                    Previous masked:         16480
                    New filtered:            19524
                    Remaining:               6014
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: IceCloudFilter results are plotted to: /tmp/FLS/IceCloudFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Cirrus Filter
fogpy.filters: DEBUG: Found solar zenith angles from 59.83404307196856 to 69.19908223088952°
fogpy.filters: DEBUG: Set BT difference thresholds for cirrus: 1.1 to 4.73 K
fogpy.filters: INFO: Filter results for CirrusCloudFilter 

                    Thin cirrus cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 6617
                    Previous masked:         36004
                    New filtered:            15
                    Remaining:               5999
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: CirrusCloudFilter results are plotted to: /tmp/FLS/CirrusCloudFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Water Cloud Filter
fogpy.filters: DEBUG: Mean latitudinal threshold for cloudfree areas: 280.81 K
fogpy.filters: INFO: Filter results for WaterCloudFilter 

                    Water cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 21489
                    Previous masked:         36019
                    New filtered:            765
                    Remaining:               5234
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: WaterCloudFilter results are plotted to: /tmp/FLS/WaterCloudFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 318
trollimage.image: DEBUG: Applying stretch crude with parameters {}
fogpy.algorithms: INFO: DayFogLowStratusAlgorithm results are plotted to: /tmp/FLS
fogpy.filters: INFO: Applying Spatial Cloud Top Height Filter
fogpy.filters: INFO: Filter results for SpatialCloudTopHeightFilter 

                    Filtering cloud clusters by height for satellite images.
                    Array size:              42018
                    Masking:                 20746
                    Previous masked:         36784
                    New filtered:            2526
                    Remaining:               2708
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: SpatialCloudTopHeightFilter results are plotted to: /tmp/FLS/SpatialCloudTopHeightFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 142
fogpy.filters: INFO: Applying Spatial Clustering Inhomogeneity Filter
fogpy.filters: INFO: Filter results for SpatialHomogeneityFilter 

                    Filtering cloud clusters by StDev for satellite images.
                    Array size:              42018
                    Masking:                 39310
                    Previous masked:         39310
                    New filtered:            0
                    Remaining:               2708
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: SpatialHomogeneityFilter results are plotted to: /tmp/FLS/SpatialHomogeneityFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Applying Spatial Clustering Inhomogenity Filter
fogpy.filters: INFO: Filter results for CloudPhysicsFilter 

                    Filtering cloud microphysics for satellite images.
                    Array size:              42018
                    Masking:                 11139
                    Previous masked:         39310
                    New filtered:            43
                    Remaining:               2665
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: CloudPhysicsFilter results are plotted to: /tmp/FLS/CloudPhysicsFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 148
fogpy.filters: INFO: Applying Low Cloud Filter
fogpy.filters: INFO: Run low cloud models for cloud clusters
fogpy.filters: INFO: 148 Tasks Remaining --- 0.00 % Complete
fogpy.filters: INFO: 146 Tasks Remaining --- 1.35 % Complete
fogpy.filters: INFO: 141 Tasks Remaining --- 4.73 % Complete
fogpy.filters: INFO: 137 Tasks Remaining --- 7.43 % Complete
fogpy.filters: INFO: 135 Tasks Remaining --- 8.78 % Complete
fogpy.filters: INFO: 126 Tasks Remaining --- 14.86 % Complete
fogpy.filters: INFO: 117 Tasks Remaining --- 20.95 % Complete
fogpy.filters: INFO: 112 Tasks Remaining --- 24.32 % Complete
fogpy.filters: INFO: 108 Tasks Remaining --- 27.03 % Complete
fogpy.filters: INFO: 102 Tasks Remaining --- 31.08 % Complete
fogpy.filters: INFO: 97 Tasks Remaining --- 34.46 % Complete
fogpy.filters: INFO: 92 Tasks Remaining --- 37.84 % Complete
fogpy.filters: INFO: 88 Tasks Remaining --- 40.54 % Complete
fogpy.filters: INFO: 83 Tasks Remaining --- 43.92 % Complete
fogpy.filters: INFO: 78 Tasks Remaining --- 47.30 % Complete
fogpy.filters: INFO: 74 Tasks Remaining --- 50.00 % Complete
fogpy.filters: INFO: 71 Tasks Remaining --- 52.03 % Complete
fogpy.filters: INFO: 68 Tasks Remaining --- 54.05 % Complete
fogpy.filters: INFO: 63 Tasks Remaining --- 57.43 % Complete
fogpy.filters: INFO: 60 Tasks Remaining --- 59.46 % Complete
fogpy.filters: INFO: 59 Tasks Remaining --- 60.14 % Complete
fogpy.filters: INFO: 56 Tasks Remaining --- 62.16 % Complete
fogpy.filters: INFO: 54 Tasks Remaining --- 63.51 % Complete
fogpy.filters: INFO: 50 Tasks Remaining --- 66.22 % Complete
fogpy.filters: INFO: 48 Tasks Remaining --- 67.57 % Complete
fogpy.filters: INFO: 46 Tasks Remaining --- 68.92 % Complete
fogpy.filters: INFO: 45 Tasks Remaining --- 69.59 % Complete
fogpy.filters: INFO: 41 Tasks Remaining --- 72.30 % Complete
fogpy.filters: INFO: 38 Tasks Remaining --- 74.32 % Complete
fogpy.filters: INFO: 33 Tasks Remaining --- 77.70 % Complete
fogpy.filters: INFO: 31 Tasks Remaining --- 79.05 % Complete
fogpy.filters: INFO: 28 Tasks Remaining --- 81.08 % Complete
fogpy.filters: INFO: 24 Tasks Remaining --- 83.78 % Complete
fogpy.filters: INFO: 23 Tasks Remaining --- 84.46 % Complete
fogpy.filters: INFO: 17 Tasks Remaining --- 88.51 % Complete
fogpy.filters: INFO: 15 Tasks Remaining --- 89.86 % Complete
fogpy.filters: INFO: 12 Tasks Remaining --- 91.89 % Complete
fogpy.filters: INFO: 9 Tasks Remaining --- 93.92 % Complete
fogpy.filters: INFO: 7 Tasks Remaining --- 95.27 % Complete
fogpy.filters: INFO: 5 Tasks Remaining --- 96.62 % Complete
fogpy.filters: INFO: 2 Tasks Remaining --- 98.65 % Complete
fogpy.filters: INFO: 2 Tasks Remaining --- 98.65 % Complete
fogpy.filters: INFO: 1 Tasks Remaining --- 99.32 % Complete
fogpy.filters: INFO: All Done. Completed 148 tasks
fogpy.filters: INFO: Filter results for LowCloudFilter 

                    Filtering low clouds for satellite images.
                    Array size:              42018
                    Masking:                 41758
                    Previous masked:         39353
                    New filtered:            2405
                    Remaining:               260
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: LowCloudFilter results are plotted to: /tmp/FLS/LowCloudFilter_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: WARNING: Nothing to stretch !
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Plotting filter attribute cbh to /tmp/FLS/LowCloudFilter_cbh_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.filters: INFO: Plotting filter attribute fbh to /tmp/FLS/LowCloudFilter_fbh_201408270715.png
trollimage.image: DEBUG: Applying stretch crude with parameters {}
trollimage.image: DEBUG: Applying invert with parameters True
fogpy.algorithms: INFO: Finish fog and low cloud detection algorithm
trollimage.image: DEBUG: Applying stretch crude with parameters {}
fogpy.algorithms: INFO: Set color range to (270.74371804537725, 284.14751440203855)
fogpy.algorithms: INFO: DayFogLowStratusAlgorithm results are plotted to: /tmp/FLS
trollimage.image: DEBUG: Applying stretch crude with parameters {}
--------------------- >> end captured logging << ---------------------

======================================================================
ERROR: test_nightfls_algorithm (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 622, in setUp
    line2=self.tle.line2)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 167, in __init__
    self._sgdp4 = _SGDP4(self.orbit_elements)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 706, in __init__
    raise NotImplementedError('Deep space calculations not supported')
NotImplementedError: Deep space calculations not supported

======================================================================
ERROR: test_nightfls_algorithm2 (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 622, in setUp
    line2=self.tle.line2)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 167, in __init__
    self._sgdp4 = _SGDP4(self.orbit_elements)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 706, in __init__
    raise NotImplementedError('Deep space calculations not supported')
NotImplementedError: Deep space calculations not supported

======================================================================
ERROR: test_nightfls_slope (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 622, in setUp
    line2=self.tle.line2)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 167, in __init__
    self._sgdp4 = _SGDP4(self.orbit_elements)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 706, in __init__
    raise NotImplementedError('Deep space calculations not supported')
NotImplementedError: Deep space calculations not supported

======================================================================
ERROR: test_nightfls_turningpoints_no_valley (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 622, in setUp
    line2=self.tle.line2)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 167, in __init__
    self._sgdp4 = _SGDP4(self.orbit_elements)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 706, in __init__
    raise NotImplementedError('Deep space calculations not supported')
NotImplementedError: Deep space calculations not supported

======================================================================
ERROR: test_nightfls_turningpoints_with_thres (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 622, in setUp
    line2=self.tle.line2)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 167, in __init__
    self._sgdp4 = _SGDP4(self.orbit_elements)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 706, in __init__
    raise NotImplementedError('Deep space calculations not supported')
NotImplementedError: Deep space calculations not supported

======================================================================
ERROR: test_nightfls_turningpoints_with_valley (fogpy.test.test_algorithms.Test_NightFogLowStratusAlgorithm)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_algorithms.py", line 622, in setUp
    line2=self.tle.line2)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 167, in __init__
    self._sgdp4 = _SGDP4(self.orbit_elements)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/pyorbital/orbital.py", line 706, in __init__
    raise NotImplementedError('Deep space calculations not supported')
NotImplementedError: Deep space calculations not supported

======================================================================
ERROR: test_cloud_motion_filter (fogpy.test.test_filters.Test_CloudMotionFilter)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_filters.py", line 689, in test_cloud_motion_filter
    ret, mask = testfilter.apply()
  File "/home/gholl/checkouts/fogpy/fogpy/filters.py", line 128, in apply
    self.filter_function()
  File "/home/gholl/checkouts/fogpy/fogpy/filters.py", line 1091, in filter_function
    optflow = self.cv2.createOptFlow_DualTVL1()
AttributeError: 'CloudMotionFilter' object has no attribute 'cv2'
-------------------- >> begin captured logging << --------------------
fogpy.filters: DEBUG: Setting filter reference time to current time: 2019-02-19 13:27:57.331902
fogpy.filters: INFO: Applying Cloud Motion Filter
fogpy.filters: INFO: Calculate optical flow...
--------------------- >> end captured logging << ---------------------

======================================================================
ERROR: test_fusion_filter_bufr_import (fogpy.test.test_filters.Test_StationFusionFilter)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_filters.py", line 727, in test_fusion_filter_bufr_import
    ret, mask = testfilter.apply()
  File "/home/gholl/checkouts/fogpy/fogpy/filters.py", line 128, in apply
    self.filter_function()
  File "/home/gholl/checkouts/fogpy/fogpy/filters.py", line 1222, in filter_function
    stations = read_synop(self.bufrfile, 'visibility')
  File "/home/gholl/checkouts/fogpy/fogpy/utils/import_synop.py", line 55, in read_synop
    bfr.decode(blob)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollbufr/bufr.py", line 385, in decode
    self.decode_meta(bin_data, load_tables)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollbufr/bufr.py", line 369, in decode_meta
    raise tables_fail
BufrTableError: BufrTableError: Table not found: '/data/tleppelt/git/trollbufr/table_b_013'
-------------------- >> begin captured logging << --------------------
fogpy.filters: DEBUG: Setting filter reference time to current time: 2019-02-19 13:28:39.781717
fogpy.filters: INFO: Applying Cloud Filter
fogpy.filters: DEBUG: Histogram range for cloudy/clear sky pixels: -19.7446861967 - 1.11645277953
fogpy.filters: DEBUG: Cloud mask difference threshold set to -3.51935588185
fogpy.filters: INFO: Filter results for CloudFilter 

                    Cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 20551
                    Previous masked:         0
                    New filtered:            20551
                    Remaining:               21467
fogpy.filters: INFO: Applying Station Data Fusion Filter
--------------------- >> end captured logging << ---------------------

======================================================================
ERROR: test_fusion_filter_dem_interpolation (fogpy.test.test_filters.Test_StationFusionFilter)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_filters.py", line 747, in test_fusion_filter_dem_interpolation
    ret, mask = testfilter.apply()
  File "/home/gholl/checkouts/fogpy/fogpy/filters.py", line 128, in apply
    self.filter_function()
  File "/home/gholl/checkouts/fogpy/fogpy/filters.py", line 1222, in filter_function
    stations = read_synop(self.bufrfile, 'visibility')
  File "/home/gholl/checkouts/fogpy/fogpy/utils/import_synop.py", line 55, in read_synop
    bfr.decode(blob)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollbufr/bufr.py", line 385, in decode
    self.decode_meta(bin_data, load_tables)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/trollbufr/bufr.py", line 369, in decode_meta
    raise tables_fail
BufrTableError: BufrTableError: Table not found: '/data/tleppelt/git/trollbufr/table_b_013'
-------------------- >> begin captured logging << --------------------
fogpy.filters: DEBUG: Setting filter reference time to current time: 2019-02-19 13:28:39.790132
fogpy.filters: INFO: Applying Cloud Filter
fogpy.filters: DEBUG: Histogram range for cloudy/clear sky pixels: -19.7446861967 - 1.11645277953
fogpy.filters: DEBUG: Cloud mask difference threshold set to -3.51935588185
fogpy.filters: INFO: Filter results for CloudFilter 

                    Cloud filtering for satellite images.
                    Array size:              42018
                    Masking:                 20551
                    Previous masked:         0
                    New filtered:            20551
                    Remaining:               21467
fogpy.filters: INFO: Applying Station Data Fusion Filter
--------------------- >> end captured logging << ---------------------

======================================================================
ERROR: Failure: ImportError (No module named utils)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/nose/loader.py", line 418, in loadTestsFromName
    addr.filename, addr.module)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
    return self.importFromDir(dir_path, fqname)
  File "/media/nas/x21324/miniconda3/envs/py27b/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
    mod = load_module(part_fqname, fh, filename, desc)
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_fogpy.py", line 36, in <module>
    from utils import get_time_period
ImportError: No module named utils

======================================================================
FAIL: test_spatial_homogenity_filter_highsd (fogpy.test.test_filters.Test_SpatialHomogeneityFilter)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/home/gholl/checkouts/fogpy/fogpy/test/test_filters.py", line 489, in test_spatial_homogenity_filter_highsd
    self.assertEqual(np.nansum(testfilter.mask), msum)
AssertionError: 97 != 58
-------------------- >> begin captured logging << --------------------
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 9
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 8
fogpy.algorithms: INFO: Clustering low clouds
fogpy.algorithms: DEBUG: Number of spatial coherent fog cloud clusters: 1
fogpy.filters: DEBUG: Setting filter reference time to current time: 2019-02-19 13:28:39.752344
fogpy.filters: INFO: Applying Spatial Clustering Inhomogeneity Filter
fogpy.filters: INFO: Filter results for SpatialHomogeneityFilter 

                    Filtering cloud clusters by StDev for satellite images.
                    Array size:              100
                    Masking:                 97
                    Previous masked:         39
                    New filtered:            58
                    Remaining:               3
--------------------- >> end captured logging << ---------------------

----------------------------------------------------------------------
Ran 74 tests in 554.615s

FAILED (errors=12, failures=1)
[INFO/MainProcess] process shutting down
[INFO/MainProcess] process shutting down
[INFO/MainProcess] process shutting down
[INFO/MainProcess] process shutting down
[INFO/MainProcess] process shutting down
[INFO/MainProcess] process shutting down
[INFO/MainProcess] process shutting down
[INFO/MainProcess] process shutting down
[DEBUG/MainProcess] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] running all "atexit" finalizers with priority >= 0
[DEBUG/MainProcess] running the remaining "atexit" finalizers
[DEBUG/MainProcess] running the remaining "atexit" finalizers
[DEBUG/MainProcess] running the remaining "atexit" finalizers
[DEBUG/MainProcess] running the remaining "atexit" finalizers
[DEBUG/MainProcess] running the remaining "atexit" finalizers
[DEBUG/MainProcess] running the remaining "atexit" finalizers
[DEBUG/MainProcess] running the remaining "atexit" finalizers
[DEBUG/MainProcess] running the remaining "atexit" finalizers

Unused methods

Some methods are apparently unused in fogpy. Apart from plotting-related functionality which I have suspended, these include:

  • algorithms.DayFogLowStratusAlgorithm.get_lowcloud_cth
  • algorithms.PanSharpeningAlgorithm.get_dist_threshold
  • algorithms.PanSharpeningAlgorithm.get_sza_in_range
  • algorithms.PanSharpeningAlgorithm.get_bt_dist
  • algorithms.PanSharpeningAlgorithm.get_turning_points
  • algorithms.PanSharpeningAlgorithm.get_slope
  • filters.CloudFilter.get_slope_decline (used by plotting routines only?)
  • SpatialCloudTopHeightFilter_old.filter_function
  • lowwatercloud.LowWaterCloud.get_vapour_pressure

How valid are NWCSAF inputs?

Fogpy uses Reff, COT, and LWP from NWCSAF, to what degree are those valid? For ABI I was considering to use NOAA estimates of the three, but for LWP NOAA uses a parametrisation from Bennartz et al. (2007) that is valid for marine boundary clouds and that, according to Cermak et al. (2011), performs very poorly in fog clouds. For my own understanding, I need to understand how exactly fogpy is using LWP and how this compares to what is described by Cermak et al. (2011).

Brute force faster than basin hopping?!

It seems that the brute force method is much faster than the basin hopping method:

>>> t1=time.time(); print([self.lwc.optimize_cbh(1000., method='brute') for _ in range(10)]); t2=time.time(); print(t2-t1)
[417.0, 417.0, 417.0, 417.0, 417.0, 417.0, 417.0, 417.0, 417.0, 417.0]
30.48786234855652
>>> t1=time.time(); print([self.lwc.optimize_cbh(1000., method='basin') for _ in range(10)]); t2=time.time(); print(t2-t1)
[417.1936300818184, 417.19363008207864, 417.19363008230766, 417.1936300820221, 417.19363008157075, 417.1936300821362, 417.1936300825845, 417.1936300816707, 417.1936300828528, 417.19363008183757]
111.41780018806458

Here I have omitted the numerous warnings (see #9).

This issue is probably related to #11, and perhaps to #9 too.

Fogpy fls_day should exclude pixels that aren't daytime

Currently fogpy will (I think) happily process nighttime pixels even if they are taken daytime, reporting them as being removed by various filters (presumably). It needs to explicitly filter out pixels that it can't process to begin with, to get better statistics of which pixels are removed for the right reasons.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.