ocf-data-sampler 0.2.1__tar.gz → 0.2.3__tar.gz
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of ocf-data-sampler might be problematic. Click here for more details.
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/PKG-INFO +1 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/collate.py +3 -1
- ocf_data_sampler-0.2.3/ocf_data_sampler/numpy_sample/common_types.py +11 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/datetime_features.py +3 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/gsp.py +3 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/nwp.py +3 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/satellite.py +3 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/site.py +3 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/sun_position.py +3 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/sample/base.py +1 -4
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/sample/site.py +2 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/sample/uk_regional.py +2 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/select_time_slice.py +5 -2
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/utils/valid_time_periods.py +1 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler.egg-info/PKG-INFO +1 -1
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler.egg-info/SOURCES.txt +1 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/LICENSE +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/README.md +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/config/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/config/load.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/config/model.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/config/save.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/data/uk_gsp_locations.csv +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/gsp.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/load_dataset.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/nwp.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/ecmwf.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/gfs.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/icon.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/ukv.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/utils.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/satellite.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/site.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/utils.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/sample/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/dropout.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/fill_time_periods.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/find_contiguous_time_periods.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/geospatial.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/location.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/select_spatial_slice.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/spatial_slice_for_dataset.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/time_slice_for_dataset.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/datasets/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/datasets/pvnet_uk.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/datasets/site.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/utils/__init__.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/utils/channel_dict_to_dataarray.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/utils/merge_and_fill_utils.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/utils.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler.egg-info/dependency_links.txt +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler.egg-info/requires.txt +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler.egg-info/top_level.txt +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/pyproject.toml +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/scripts/refactor_site.py +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/setup.cfg +0 -0
- {ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/utils/compute_icon_mean_stddev.py +0 -0
|
@@ -2,8 +2,10 @@
|
|
|
2
2
|
|
|
3
3
|
import numpy as np
|
|
4
4
|
|
|
5
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpyBatch
|
|
5
6
|
|
|
6
|
-
|
|
7
|
+
|
|
8
|
+
def stack_np_samples_into_batch(dict_list: list[dict]) -> NumpyBatch:
|
|
7
9
|
"""Stacks list of dict samples into a dict where all samples are joined along a new axis.
|
|
8
10
|
|
|
9
11
|
Args:
|
|
@@ -0,0 +1,11 @@
|
|
|
1
|
+
"""This module defines type aliases for numpy and torch data structures used in the project."""
|
|
2
|
+
|
|
3
|
+
|
|
4
|
+
from typing import TypeAlias
|
|
5
|
+
|
|
6
|
+
import numpy as np
|
|
7
|
+
import torch
|
|
8
|
+
|
|
9
|
+
NumpySample: TypeAlias = dict[str, np.ndarray | dict[str, np.ndarray]]
|
|
10
|
+
NumpyBatch: TypeAlias = dict[str, np.ndarray | dict[str, np.ndarray]]
|
|
11
|
+
TensorBatch: TypeAlias = dict[str, torch.Tensor | dict[str, torch.Tensor]]
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/datetime_features.py
RENAMED
|
@@ -3,6 +3,8 @@
|
|
|
3
3
|
import numpy as np
|
|
4
4
|
import pandas as pd
|
|
5
5
|
|
|
6
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpySample
|
|
7
|
+
|
|
6
8
|
|
|
7
9
|
def _get_date_time_in_pi(dt: pd.DatetimeIndex) -> tuple[np.ndarray, np.ndarray]:
|
|
8
10
|
"""Create positional embeddings for the datetimes in radians.
|
|
@@ -22,7 +24,7 @@ def _get_date_time_in_pi(dt: pd.DatetimeIndex) -> tuple[np.ndarray, np.ndarray]:
|
|
|
22
24
|
return date_in_pi, time_in_pi
|
|
23
25
|
|
|
24
26
|
|
|
25
|
-
def make_datetime_numpy_dict(datetimes: pd.DatetimeIndex, key_prefix: str = "wind") ->
|
|
27
|
+
def make_datetime_numpy_dict(datetimes: pd.DatetimeIndex, key_prefix: str = "wind") -> NumpySample:
|
|
26
28
|
"""Creates dictionary of cyclical datetime features - encoded."""
|
|
27
29
|
date_in_pi, time_in_pi = _get_date_time_in_pi(datetimes)
|
|
28
30
|
|
|
@@ -2,6 +2,8 @@
|
|
|
2
2
|
|
|
3
3
|
import xarray as xr
|
|
4
4
|
|
|
5
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpySample
|
|
6
|
+
|
|
5
7
|
|
|
6
8
|
class GSPSampleKey:
|
|
7
9
|
"""Keys for the GSP sample dictionary."""
|
|
@@ -16,7 +18,7 @@ class GSPSampleKey:
|
|
|
16
18
|
y_osgb = "gsp_y_osgb"
|
|
17
19
|
|
|
18
20
|
|
|
19
|
-
def convert_gsp_to_numpy_sample(da: xr.DataArray, t0_idx: int | None = None) ->
|
|
21
|
+
def convert_gsp_to_numpy_sample(da: xr.DataArray, t0_idx: int | None = None) -> NumpySample:
|
|
20
22
|
"""Convert from Xarray to NumpySample.
|
|
21
23
|
|
|
22
24
|
Args:
|
|
@@ -3,6 +3,8 @@
|
|
|
3
3
|
import pandas as pd
|
|
4
4
|
import xarray as xr
|
|
5
5
|
|
|
6
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpySample
|
|
7
|
+
|
|
6
8
|
|
|
7
9
|
class NWPSampleKey:
|
|
8
10
|
"""Keys for NWP NumpySample."""
|
|
@@ -15,7 +17,7 @@ class NWPSampleKey:
|
|
|
15
17
|
t0_idx = "nwp_t0_idx"
|
|
16
18
|
|
|
17
19
|
|
|
18
|
-
def convert_nwp_to_numpy_sample(da: xr.DataArray, t0_idx: int | None = None) ->
|
|
20
|
+
def convert_nwp_to_numpy_sample(da: xr.DataArray, t0_idx: int | None = None) -> NumpySample:
|
|
19
21
|
"""Convert from Xarray to NWP NumpySample.
|
|
20
22
|
|
|
21
23
|
Args:
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/satellite.py
RENAMED
|
@@ -2,6 +2,8 @@
|
|
|
2
2
|
|
|
3
3
|
import xarray as xr
|
|
4
4
|
|
|
5
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpySample
|
|
6
|
+
|
|
5
7
|
|
|
6
8
|
class SatelliteSampleKey:
|
|
7
9
|
"""Keys for the SatelliteSample dictionary."""
|
|
@@ -13,7 +15,7 @@ class SatelliteSampleKey:
|
|
|
13
15
|
t0_idx = "satellite_t0_idx"
|
|
14
16
|
|
|
15
17
|
|
|
16
|
-
def convert_satellite_to_numpy_sample(da: xr.DataArray, t0_idx: int | None = None) ->
|
|
18
|
+
def convert_satellite_to_numpy_sample(da: xr.DataArray, t0_idx: int | None = None) -> NumpySample:
|
|
17
19
|
"""Convert from Xarray to NumpySample.
|
|
18
20
|
|
|
19
21
|
Args:
|
|
@@ -2,6 +2,8 @@
|
|
|
2
2
|
|
|
3
3
|
import xarray as xr
|
|
4
4
|
|
|
5
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpySample
|
|
6
|
+
|
|
5
7
|
|
|
6
8
|
class SiteSampleKey:
|
|
7
9
|
"""Keys for the site sample dictionary."""
|
|
@@ -17,7 +19,7 @@ class SiteSampleKey:
|
|
|
17
19
|
time_cos = "site_time_cos"
|
|
18
20
|
|
|
19
21
|
|
|
20
|
-
def convert_site_to_numpy_sample(da: xr.DataArray, t0_idx: int | None = None) ->
|
|
22
|
+
def convert_site_to_numpy_sample(da: xr.DataArray, t0_idx: int | None = None) -> NumpySample:
|
|
21
23
|
"""Convert from Xarray to NumpySample.
|
|
22
24
|
|
|
23
25
|
Args:
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/numpy_sample/sun_position.py
RENAMED
|
@@ -4,6 +4,8 @@ import numpy as np
|
|
|
4
4
|
import pandas as pd
|
|
5
5
|
import pvlib
|
|
6
6
|
|
|
7
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpySample
|
|
8
|
+
|
|
7
9
|
|
|
8
10
|
def calculate_azimuth_and_elevation(
|
|
9
11
|
datetimes: pd.DatetimeIndex,
|
|
@@ -35,7 +37,7 @@ def make_sun_position_numpy_sample(
|
|
|
35
37
|
datetimes: pd.DatetimeIndex,
|
|
36
38
|
lon: float,
|
|
37
39
|
lat: float,
|
|
38
|
-
) ->
|
|
40
|
+
) -> NumpySample:
|
|
39
41
|
"""Creates NumpySample with standardized solar coordinates.
|
|
40
42
|
|
|
41
43
|
Args:
|
|
@@ -1,14 +1,11 @@
|
|
|
1
1
|
"""Base class for handling flat/nested data structures with NWP consideration."""
|
|
2
2
|
|
|
3
3
|
from abc import ABC, abstractmethod
|
|
4
|
-
from typing import TypeAlias
|
|
5
4
|
|
|
6
5
|
import numpy as np
|
|
7
6
|
import torch
|
|
8
7
|
|
|
9
|
-
|
|
10
|
-
NumpyBatch: TypeAlias = dict[str, np.ndarray | dict[str, np.ndarray]]
|
|
11
|
-
TensorBatch: TypeAlias = dict[str, torch.Tensor | dict[str, torch.Tensor]]
|
|
8
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpyBatch, NumpySample, TensorBatch
|
|
12
9
|
|
|
13
10
|
|
|
14
11
|
class SampleBase(ABC):
|
|
@@ -3,7 +3,8 @@
|
|
|
3
3
|
import xarray as xr
|
|
4
4
|
from typing_extensions import override
|
|
5
5
|
|
|
6
|
-
from ocf_data_sampler.
|
|
6
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpySample
|
|
7
|
+
from ocf_data_sampler.sample.base import SampleBase
|
|
7
8
|
from ocf_data_sampler.torch_datasets.datasets.site import convert_netcdf_to_numpy_sample
|
|
8
9
|
|
|
9
10
|
|
|
@@ -8,7 +8,8 @@ from ocf_data_sampler.numpy_sample import (
|
|
|
8
8
|
NWPSampleKey,
|
|
9
9
|
SatelliteSampleKey,
|
|
10
10
|
)
|
|
11
|
-
from ocf_data_sampler.
|
|
11
|
+
from ocf_data_sampler.numpy_sample.common_types import NumpySample
|
|
12
|
+
from ocf_data_sampler.sample.base import SampleBase
|
|
12
13
|
|
|
13
14
|
|
|
14
15
|
class UKRegionalSample(SampleBase):
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/select_time_slice.py
RENAMED
|
@@ -55,7 +55,10 @@ def select_time_slice_nwp(
|
|
|
55
55
|
if accum_channels is None:
|
|
56
56
|
accum_channels = []
|
|
57
57
|
|
|
58
|
-
if dropout_timedeltas is
|
|
58
|
+
if dropout_timedeltas is None:
|
|
59
|
+
dropout_timedeltas = []
|
|
60
|
+
|
|
61
|
+
if len(dropout_timedeltas)>0:
|
|
59
62
|
if not all(t < pd.Timedelta(0) for t in dropout_timedeltas):
|
|
60
63
|
raise ValueError("dropout timedeltas must be negative")
|
|
61
64
|
if len(dropout_timedeltas) < 1:
|
|
@@ -64,7 +67,7 @@ def select_time_slice_nwp(
|
|
|
64
67
|
if not (0 <= dropout_frac <= 1):
|
|
65
68
|
raise ValueError("dropout_frac must be between 0 and 1")
|
|
66
69
|
|
|
67
|
-
consider_dropout = (dropout_timedeltas
|
|
70
|
+
consider_dropout = len(dropout_timedeltas) > 0 and dropout_frac > 0
|
|
68
71
|
|
|
69
72
|
# The accumatated and non-accumulated channels
|
|
70
73
|
accum_channels = np.intersect1d(da.channel.values, accum_channels)
|
|
@@ -28,7 +28,7 @@ def find_valid_time_periods(datasets_dict: dict, config: Configuration) -> pd.Da
|
|
|
28
28
|
for nwp_key, nwp_config in config.input_data.nwp.items():
|
|
29
29
|
da = datasets_dict["nwp"][nwp_key]
|
|
30
30
|
|
|
31
|
-
if nwp_config.dropout_timedeltas_minutes
|
|
31
|
+
if nwp_config.dropout_timedeltas_minutes==[]:
|
|
32
32
|
max_dropout = minutes(0)
|
|
33
33
|
else:
|
|
34
34
|
max_dropout = minutes(np.max(np.abs(nwp_config.dropout_timedeltas_minutes)))
|
|
@@ -29,6 +29,7 @@ ocf_data_sampler/load/nwp/providers/ukv.py
|
|
|
29
29
|
ocf_data_sampler/load/nwp/providers/utils.py
|
|
30
30
|
ocf_data_sampler/numpy_sample/__init__.py
|
|
31
31
|
ocf_data_sampler/numpy_sample/collate.py
|
|
32
|
+
ocf_data_sampler/numpy_sample/common_types.py
|
|
32
33
|
ocf_data_sampler/numpy_sample/datetime_features.py
|
|
33
34
|
ocf_data_sampler/numpy_sample/gsp.py
|
|
34
35
|
ocf_data_sampler/numpy_sample/nwp.py
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/data/uk_gsp_locations.csv
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/__init__.py
RENAMED
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/ecmwf.py
RENAMED
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/gfs.py
RENAMED
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/icon.py
RENAMED
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/ukv.py
RENAMED
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/load/nwp/providers/utils.py
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/fill_time_periods.py
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/select_spatial_slice.py
RENAMED
|
File without changes
|
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/select/time_slice_for_dataset.py
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/datasets/site.py
RENAMED
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler/torch_datasets/utils/__init__.py
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
{ocf_data_sampler-0.2.1 → ocf_data_sampler-0.2.3}/ocf_data_sampler.egg-info/dependency_links.txt
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|