Skip to content

Instantly share code, notes, and snippets.

@williamcaicedo
Last active March 17, 2022 22:22
Show Gist options
  • Star 0 You must be signed in to star a gist
  • Fork 0 You must be signed in to fork a gist
  • Save williamcaicedo/f5379a668fe0f59f5dcd02f57bffa369 to your computer and use it in GitHub Desktop.
Save williamcaicedo/f5379a668fe0f59f5dcd02f57bffa369 to your computer and use it in GitHub Desktop.
"""``AbstractVersionedDataSet`` implementation to return ``TensorFlow`` datasets stored as
dataframes using ``pyspark``
"""
from copy import deepcopy
from fnmatch import fnmatch
from functools import partial
from pathlib import Path, PurePosixPath
from typing import Any, Dict, List, Optional, Tuple
from warnings import warn
from hdfs import HdfsError, InsecureClient
from pyspark.sql import DataFrame, SparkSession
from pyspark.sql.utils import AnalysisException
from s3fs import S3FileSystem
from kedro.io.core import AbstractVersionedDataSet, DataSetError, Version
import tensorflow as tf
import logging
import tempfile
def _parse_glob_pattern(pattern: str) -> str:
special = ("*", "?", "[")
clean = []
for part in pattern.split("/"):
if any(char in part for char in special):
break
clean.append(part)
return "/".join(clean)
def _split_filepath(filepath: str) -> Tuple[str, str]:
split_ = filepath.split("://", 1)
if len(split_) == 2:
return split_[0] + "://", split_[1]
return "", split_[0]
def _strip_dbfs_prefix(path: str, prefix: str = "/dbfs") -> str:
return path[len(prefix) :] if path.startswith(prefix) else path
def _dbfs_glob(pattern: str, dbutils: Any) -> List[str]:
"""Perform a custom glob search in DBFS using the provided pattern.
It is assumed that version paths are managed by Kedro only.
Args:
pattern: Glob pattern to search for.
dbutils: dbutils instance to operate with DBFS.
Returns:
List of DBFS paths prefixed with '/dbfs' that satisfy the glob pattern.
"""
pattern = _strip_dbfs_prefix(pattern)
prefix = _parse_glob_pattern(pattern)
matched = set()
filename = pattern.split("/")[-1]
for file_info in dbutils.fs.ls(prefix):
if file_info.isDir():
path = str(
PurePosixPath(_strip_dbfs_prefix(file_info.path, "dbfs:")) / filename
)
if fnmatch(path, pattern):
path = "/dbfs" + path
matched.add(path)
return sorted(matched)
def _get_dbutils(spark: SparkSession) -> Optional[Any]:
"""Get the instance of 'dbutils' or None if the one could not be found."""
dbutils = globals().get("dbutils")
if dbutils:
return dbutils
try:
from pyspark.dbutils import DBUtils # pylint: disable=import-outside-toplevel
dbutils = DBUtils(spark)
except ImportError:
try:
import IPython # pylint: disable=import-outside-toplevel
except ImportError:
pass
else:
ipython = IPython.get_ipython()
dbutils = ipython.user_ns.get("dbutils") if ipython else None
return dbutils
def _dbfs_exists(pattern: str, dbutils: Any) -> bool:
"""Perform an `ls` list operation in DBFS using the provided pattern.
It is assumed that version paths are managed by Kedro.
Broad `Exception` is present due to `dbutils.fs.ExecutionError` that
cannot be imported directly.
Args:
pattern: Filepath to search for.
dbutils: dbutils instance to operate with DBFS.
Returns:
Boolean value if filepath exists.
"""
pattern = _strip_dbfs_prefix(pattern)
file = _parse_glob_pattern(pattern)
try:
dbutils.fs.ls(file)
return True
except Exception: # pylint: disable=broad-except
return False
class KedroHdfsInsecureClient(InsecureClient):
"""Subclasses ``hdfs.InsecureClient`` and implements ``hdfs_exists``
and ``hdfs_glob`` methods required by ``TFDataSet``"""
def hdfs_exists(self, hdfs_path: str) -> bool:
"""Determines whether given ``hdfs_path`` exists in HDFS.
Args:
hdfs_path: Path to check.
Returns:
True if ``hdfs_path`` exists in HDFS, False otherwise.
"""
return bool(self.status(hdfs_path, strict=False))
def hdfs_glob(self, pattern: str) -> List[str]:
"""Perform a glob search in HDFS using the provided pattern.
Args:
pattern: Glob pattern to search for.
Returns:
List of HDFS paths that satisfy the glob pattern.
"""
prefix = _parse_glob_pattern(pattern) or "/"
matched = set()
try:
for dpath, _, fnames in self.walk(prefix):
if fnmatch(dpath, pattern):
matched.add(dpath)
matched |= {
f"{dpath}/{fname}"
for fname in fnames
if fnmatch(f"{dpath}/{fname}", pattern)
}
except HdfsError: # pragma: no cover
# HdfsError is raised by `self.walk()` if prefix does not exist in HDFS.
# Ignore and return an empty list.
pass
return sorted(matched)
class TFDataSet(AbstractVersionedDataSet):
"""``TFDataSet`` loads Spark dataframes and returns tf.Data.Dataset instances.
Example adding a catalog entry with
`YAML API <https://kedro.readthedocs.io/en/stable/05_data/\
01_data_catalog.html#using-the-data-catalog-with-the-yaml-api>`_:
.. code-block:: yaml
>>> training_set:
>>> type: <your_project>.extras.datasets.tensorflow.TFDataSet
>>> filepath: s3a://your_bucket/data/01_raw/weather/*
>>> file_format: parquet
>>> load_args:
>>> header: True
>>> inferSchema: True
>>> tf_args:
>>> batch_size: 128
>>> num_epochs: 10
>>> num_parallel_reads: 100
>>> shuffle: True
"""
# this dataset cannot be used with ``ParallelRunner``,
# therefore it has the attribute ``_SINGLE_PROCESS = True``
# for parallelism within a Spark pipeline please consider
# ``ThreadRunner`` instead
_SINGLE_PROCESS = True
DEFAULT_LOAD_ARGS = {} # type: Dict[str, Any]
DEFAULT_SAVE_ARGS = {} # type: Dict[str, Any]
DEFAULT_TF_ARGS = {} # type: Dict[str, Any]
def __init__( # pylint: disable=too-many-arguments
self,
filepath: str,
file_format: str = "parquet",
load_args: Dict[str, Any] = None,
save_args: Dict[str, Any] = None,
version: Version = None,
credentials: Dict[str, Any] = None,
tf_args: Dict[str, Any] = None,
) -> None:
"""Creates a new instance of ``TFDataSet``.
Args:
filepath: Filepath in POSIX format to a Spark dataframe. When using Databricks
and working with data written to mount path points,
specify ``filepath``s for (versioned) ``TFDataSet``s
starting with ``/dbfs/mnt``.
file_format: File format used during load
operations. These are formats supported by the running
SparkContext include parquet, csv, delta. For a list of supported
formats please refer to Apache Spark documentation at
https://spark.apache.org/docs/latest/sql-programming-guide.html
load_args: Load args passed to Spark DataFrameReader load method.
It is dependent on the selected file format. You can find
a list of read options for each supported format
in Spark DataFrame read documentation:
https://spark.apache.org/docs/latest/api/python/reference/api/pyspark.sql.DataFrame.html
save_args: Save operation is not supported by ``TFDataSet`` so save_args are ignored.
tf_args: Tensorflow args passed to ``tf.data.experimental.make_csv_dataset``. You can find
a list of options in the Tensorflow documentation:
https://www.tensorflow.org/api_docs/python/tf/data/experimental/make_csv_dataset
version: If specified, should be an instance of
``kedro.io.core.Version``. If its ``load`` attribute is
None, the latest version will be loaded. If its ``save``
attribute is None, save version will be autogenerated.
credentials: Credentials to access the S3 bucket, such as
``key``, ``secret``, if ``filepath`` prefix is ``s3a://`` or ``s3n://``.
Optional keyword arguments passed to ``hdfs.client.InsecureClient``
if ``filepath`` prefix is ``hdfs://``. Ignored otherwise.
"""
credentials = deepcopy(credentials) or {}
fs_prefix, filepath = _split_filepath(filepath)
exists_function = None
glob_function = None
if fs_prefix in ("s3a://", "s3n://"):
if fs_prefix == "s3n://":
warn(
"`s3n` filesystem has now been deprecated by Spark, "
"please consider switching to `s3a`",
DeprecationWarning,
)
_s3 = S3FileSystem(**credentials)
exists_function = _s3.exists
glob_function = partial(_s3.glob, refresh=True)
path = PurePosixPath(filepath)
elif fs_prefix == "hdfs://" and version:
warn(
f"HDFS filesystem support for versioned {self.__class__.__name__} is "
f"in beta and uses `hdfs.client.InsecureClient`, please use with "
f"caution"
)
# default namenode address
credentials.setdefault("url", "http://localhost:9870")
credentials.setdefault("user", "hadoop")
_hdfs_client = KedroHdfsInsecureClient(**credentials)
exists_function = _hdfs_client.hdfs_exists
glob_function = _hdfs_client.hdfs_glob # type: ignore
path = PurePosixPath(filepath)
else:
path = PurePosixPath(filepath)
if filepath.startswith("/dbfs"):
dbutils = _get_dbutils(self._get_spark())
if dbutils:
glob_function = partial(_dbfs_glob, dbutils=dbutils)
exists_function = partial(_dbfs_exists, dbutils=dbutils)
super().__init__(
filepath=path,
version=version,
exists_function=exists_function,
glob_function=glob_function,
)
self._tmp_prefix = "kedro_tensorflow_tmp" # temp prefix pattern
# Handle default load and save arguments
self._load_args = deepcopy(self.DEFAULT_LOAD_ARGS)
if load_args is not None:
self._load_args.update(load_args)
self._save_args = deepcopy(self.DEFAULT_SAVE_ARGS)
if save_args is not None:
self._save_args.update(save_args)
self._tf_args = deepcopy(self.DEFAULT_TF_ARGS)
if tf_args is not None:
self._tf_args.update(tf_args)
self._file_format = file_format
self._fs_prefix = fs_prefix
def _describe(self) -> Dict[str, Any]:
return dict(
filepath=self._fs_prefix + str(self._filepath),
file_format=self._file_format,
load_args=self._load_args,
save_args=self._save_args,
tf_args=self._tf_args,
version=self._version,
)
@staticmethod
def _get_spark():
return SparkSession.builder.getOrCreate()
def _load(self) -> tf.data.Dataset:
logger = logging.getLogger('TFDataSet')
load_path = _strip_dbfs_prefix(self._fs_prefix + str(self._get_load_path()))
logger.info(f'original path: {load_path}')
df = self._get_spark().read.load(load_path,
self._file_format,
**self._load_args)
self._tmp_data_dir = tempfile.TemporaryDirectory(prefix=self._tmp_prefix)
logger.info(f'tmp path: {self._tmp_data_dir.name}')
save_path = f'{self._tmp_data_dir.name}/temp_csv_dataframe'
df.write.save(save_path, 'csv', header=True)
ds = (tf.data.experimental
.make_csv_dataset(file_pattern=f'{save_path}/*.csv',
**self._tf_args))
return ds
def _save(self, data: tf.data.Dataset) -> None:
raise DataSetError("`save` is not supported on TFDataSet")
def _exists(self) -> bool:
load_path = _strip_dbfs_prefix(self._fs_prefix + str(self._get_load_path()))
try:
self._get_spark().read.load(load_path, self._file_format)
except AnalysisException as exception:
if (
exception.desc.startswith("Path does not exist:")
or "is not a Delta table" in exception.desc
):
return False
raise
return True
def _release(self) -> None:
super()._release()
self._invalidate_cache()
def _invalidate_cache(self) -> None:
"""Invalidate underlying filesystem caches."""
logger = logging.getLogger('TFDataSet')
logger.info(f'cleaning tmp data path: {self._tmp_data_dir.name}')
self._tmp_data_dir.cleanup()
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment