DataPipe 教程¶
使用 DataPipes¶
假设我们想从 CSV 文件加载数据,步骤如下
列出目录中的所有 CSV 文件
加载 CSV 文件
解析 CSV 文件并生成行
将数据集拆分为训练集和验证集
有一些内置 DataPipes 可以帮助我们完成上述操作。
FileLister
- 列出目录中的文件Filter
- 根据给定的函数过滤 DataPipe 中的元素FileOpener
- 使用文件路径并返回打开的文件流CSVParser
- 使用文件流,解析 CSV 内容,并一次返回一行解析后的数据RandomSplitter
- 将来自源 DataPipe 的样本随机拆分为多个组
例如,CSVParser
的源代码如下所示
@functional_datapipe("parse_csv")
class CSVParserIterDataPipe(IterDataPipe):
def __init__(self, dp, **fmtparams) -> None:
self.dp = dp
self.fmtparams = fmtparams
def __iter__(self) -> Iterator[Union[Str_Or_Bytes, Tuple[str, Str_Or_Bytes]]]:
for path, file in self.source_datapipe:
stream = self._helper.skip_lines(file)
stream = self._helper.strip_newline(stream)
stream = self._helper.decode(stream)
yield from self._helper.return_path(stream, path=path) # Returns 1 line at a time as List[str or bytes]
如另一节所述,可以使用函数形式(推荐)或类构造函数调用 DataPipes。管道可以按如下方式组装
import torchdata.datapipes as dp
FOLDER = 'path/2/csv/folder'
datapipe = dp.iter.FileLister([FOLDER]).filter(filter_fn=lambda filename: filename.endswith('.csv'))
datapipe = dp.iter.FileOpener(datapipe, mode='rt')
datapipe = datapipe.parse_csv(delimiter=',')
N_ROWS = 10000 # total number of rows of data
train, valid = datapipe.random_split(total_length=N_ROWS, weights={"train": 0.5, "valid": 0.5}, seed=0)
for x in train: # Iterating through the training dataset
pass
for y in valid: # Iterating through the validation dataset
pass
您可以在此处找到内置 IterDataPipes 的完整列表,并在此处找到 MapDataPipes 的完整列表。
使用 DataLoader¶
在本节中,我们将演示如何将 DataPipe
与 DataLoader
一起使用。在大多数情况下,您应该能够通过将 dataset=datapipe
作为输入参数传递给 DataLoader
来使用它。有关 DataLoader
的详细文档,请访问此 PyTorch 核心页面。
有关将 DataPipe
与 DataLoader2
一起使用的信息,请参阅此页面。
在本例中,我们将首先使用一个辅助函数来生成一些包含随机标签和数据的 CSV 文件。
import csv
import random
def generate_csv(file_label, num_rows: int = 5000, num_features: int = 20) -> None:
fieldnames = ['label'] + [f'c{i}' for i in range(num_features)]
writer = csv.DictWriter(open(f"sample_data{file_label}.csv", "w", newline=''), fieldnames=fieldnames)
writer.writeheader()
for i in range(num_rows):
row_data = {col: random.random() for col in fieldnames}
row_data['label'] = random.randint(0, 9)
writer.writerow(row_data)
接下来,我们将构建 DataPipes 来读取和解析生成的 CSV 文件。请注意,我们更喜欢将定义的函数传递给 DataPipes,而不是 lambda 函数,因为前者可以使用 pickle 进行序列化。
import numpy as np
import torchdata.datapipes as dp
def filter_for_data(filename):
return "sample_data" in filename and filename.endswith(".csv")
def row_processor(row):
return {"label": np.array(row[0], np.int32), "data": np.array(row[1:], dtype=np.float64)}
def build_datapipes(root_dir="."):
datapipe = dp.iter.FileLister(root_dir)
datapipe = datapipe.filter(filter_fn=filter_for_data)
datapipe = datapipe.open_files(mode='rt')
datapipe = datapipe.parse_csv(delimiter=",", skip_lines=1)
# Shuffle will happen as long as you do NOT set `shuffle=False` later in the DataLoader
datapipe = datapipe.shuffle()
datapipe = datapipe.map(row_processor)
return datapipe
最后,我们将在 '__main__'
中将所有内容放在一起,并将 DataPipe 传递给 DataLoader。请注意,如果您在为 DataLoader 设置 batch_size > 1
时选择使用 Batcher
,则您的样本将被多次批处理。您应该选择其中之一。
from torch.utils.data import DataLoader
if __name__ == '__main__':
num_files_to_generate = 3
for i in range(num_files_to_generate):
generate_csv(file_label=i, num_rows=10, num_features=3)
datapipe = build_datapipes()
dl = DataLoader(dataset=datapipe, batch_size=5, num_workers=2)
first = next(iter(dl))
labels, features = first['label'], first['data']
print(f"Labels batch shape: {labels.size()}")
print(f"Feature batch shape: {features.size()}")
print(f"{labels = }\n{features = }")
n_sample = 0
for row in iter(dl):
n_sample += 1
print(f"{n_sample = }")
将打印以下语句以显示一批标签和特征的形状。
Labels batch shape: torch.Size([5])
Feature batch shape: torch.Size([5, 3])
labels = tensor([8, 9, 5, 9, 7], dtype=torch.int32)
features = tensor([[0.2867, 0.5973, 0.0730],
[0.7890, 0.9279, 0.7392],
[0.8930, 0.7434, 0.0780],
[0.8225, 0.4047, 0.0800],
[0.1655, 0.0323, 0.5561]], dtype=torch.float64)
n_sample = 12
n_sample = 12
的原因是没有使用 ShardingFilter
(datapipe.sharding_filter()
),因此每个工作进程都将独立返回所有样本。在这种情况下,每个文件有 10 行,有 3 个文件,批大小为 5,因此每个工作进程有 6 个批。使用 2 个工作进程,我们从 DataLoader
中获得总共 12 个批。
为了使 DataPipe 分片与 DataLoader
配合使用,我们需要添加以下内容。
def build_datapipes(root_dir="."):
datapipe = ...
# Add the following line to `build_datapipes`
# Note that it is somewhere after `Shuffler` in the DataPipe line, but before expensive operations
datapipe = datapipe.sharding_filter()
return datapipe
当我们重新运行时,我们将得到
...
n_sample = 6
注意
将
ShardingFilter
(datapipe.sharding_filter
) 放在管道中的尽可能早的位置,尤其是在解码等昂贵操作之前,以避免在工作进程/分布式进程中重复这些昂贵操作。对于需要分片的源数据,在
ShardingFilter
之前添加Shuffler
至关重要,以确保数据在被拆分为分片之前进行全局洗牌。否则,每个工作进程将始终为所有时期处理相同的数据分片。并且,这意味着每个批次只包含来自相同分片的数据,这会导致训练期间的准确性较低。但是,它不适用于已经为每个多进程/分布式进程分片的数据源,因为ShardingFilter
不再需要出现在管道中。在某些情况下,将
Shuffler
放在管道中的较早位置会导致性能下降,因为某些操作(例如解压缩)在顺序读取时速度更快。在这些情况下,我们建议在洗牌之前(可能在任何数据加载之前)解压缩文件。
您可以在此页面上找到更多针对不同研究领域的 DataPipe 实现示例。
实现自定义 DataPipe¶
目前,我们已经拥有大量的内置 DataPipes,我们希望它们能够涵盖大多数必要的数据处理操作。如果它们都不满足您的需求,您可以创建自己的自定义 DataPipe。
作为指导示例,让我们实现一个将可调用对象应用于输入迭代器的 IterDataPipe
。对于 MapDataPipe
,请查看map 文件夹以获取示例,并针对 __getitem__
方法而不是 __iter__
方法执行以下步骤。
命名¶
DataPipe
的命名约定是 “Operation”-er,后跟 IterDataPipe
或 MapDataPipe
,因为每个 DataPipe 本质上都是一个将操作应用于从源 DataPipe
生成的数据的容器。为了简洁起见,我们在 init 文件中将其简称为 “Operation-er”。对于我们的 IterDataPipe
示例,我们将模块命名为 MapperIterDataPipe
,并在 torchdata.datapipes
下将其别名为 iter.Mapper
。
对于函数方法名,命名约定为 datapipe.<operation>
。例如,Mapper
的函数方法名为 map
,因此可以通过 datapipe.map(...)
调用它。
构造函数¶
DataSets 现在通常构造为 DataPipes
的堆栈,因此每个 DataPipe
通常将源 DataPipe
作为其第一个参数。下面是一个简化的 Mapper 示例
from torchdata.datapipes.iter import IterDataPipe
class MapperIterDataPipe(IterDataPipe):
def __init__(self, source_dp: IterDataPipe, fn) -> None:
super().__init__()
self.source_dp = source_dp
self.fn = fn
注意
避免在
__init__
函数中加载来自源 DataPipe 的数据,以支持延迟加载数据并节省内存。如果
IterDataPipe
实例将数据保存在内存中,请注意数据的就地修改。 当从实例创建第二个迭代器时,数据可能已经更改。 请以IterableWrapper
类 作为参考,为每个迭代器deepcopy
数据。避免使用与现有 DataPipes 的函数名相同的变量名。 例如,
.filter
是可用于调用FilterIterDataPipe
的函数名。 在另一个IterDataPipe
中使用名为filter
的变量可能会导致混淆。
迭代器¶
对于 IterDataPipes
,需要一个 __iter__
函数来使用源 IterDataPipe
中的数据,然后在 yield
之前对数据应用操作。
class MapperIterDataPipe(IterDataPipe):
# ... See __init__() defined above
def __iter__(self):
for d in self.dp:
yield self.fn(d)
长度¶
在许多情况下,如我们的 MapperIterDataPipe
示例中,DataPipe 的 __len__
方法返回源 DataPipe 的长度。
class MapperIterDataPipe(IterDataPipe):
# ... See __iter__() defined above
def __len__(self):
return len(self.dp)
但是,请注意,__len__
对于 IterDataPipe
是可选的,并且通常不建议使用。 对于下面使用 DataPipes 部分中的 CSVParserIterDataPipe
,没有实现 __len__
,因为在加载每个文件之前,其行数是未知的。 在某些特殊情况下,可以使 __len__
返回一个整数或根据输入引发错误。 在这些情况下,错误必须是 TypeError
才能支持 Python 的内置函数,如 list(dp)
。
使用函数式 API 注册 DataPipes¶
可以使用装饰器 functional_datapipe
注册每个 DataPipe 以支持函数式调用。
@functional_datapipe("map")
class MapperIterDataPipe(IterDataPipe):
# ...
然后可以使用 DataPipes 的函数形式(推荐)或类构造函数来构造 DataPipes 堆栈
import torchdata.datapipes as dp
# Using functional form (recommended)
datapipes1 = dp.iter.FileOpener(['a.file', 'b.file']).map(fn=decoder).shuffle().batch(2)
# Using class constructors
datapipes2 = dp.iter.FileOpener(['a.file', 'b.file'])
datapipes2 = dp.iter.Mapper(datapipes2, fn=decoder)
datapipes2 = dp.iter.Shuffler(datapipes2)
datapipes2 = dp.iter.Batcher(datapipes2, 2)
在上面的示例中,datapipes1
和 datapipes2
表示完全相同的 IterDataPipe
堆栈。 我们建议使用 DataPipes 的函数形式。
使用云存储提供程序¶
在本节中,我们将展示使用内置 fsspec
DataPipes 访问 AWS S3、Google Cloud Storage 和 Azure Cloud Storage 的示例。 尽管此处仅讨论了这两个提供程序,但借助其他库,fsspec
DataPipes 应该也允许您连接到其他存储系统(已知实现列表)。
如果您有对其他云存储提供程序的支持请求,或者您有代码示例要与社区分享,请在 GitHub 上告诉我们。
使用 fsspec
DataPipes 访问 AWS S3¶
这需要安装库 fsspec
(文档)和 s3fs
(s3fs GitHub 存储库)。
您可以通过将以 "s3://BUCKET_NAME"
开头的路径传递给 FSSpecFileLister(.list_files_by_fsspec(...)
)来列出 S3 存储桶目录中的文件。
from torchdata.datapipes.iter import IterableWrapper
dp = IterableWrapper(["s3://BUCKET_NAME"]).list_files_by_fsspec()
您还可以使用 FSSpecFileOpener(.open_files_by_fsspec(...)
)打开文件并对其进行流式传输(如果文件格式支持)。
请注意,您还可以通过参数 kwargs_for_open
提供其他参数。 这对于访问特定存储桶版本等目的很有用,您可以通过传入 {version_id: 'SOMEVERSIONID'}
来实现(更多关于 s3fs
的 S3 存储桶版本感知的详细信息)。 支持的参数因您访问的(云)文件系统而异。
在下面的示例中,我们使用 TarArchiveLoader(.load_from_tar(mode="r|")
)对存档进行流式传输,这与通常的 mode="r:"
形成对比。 这使我们能够在不先将整个存档下载到内存中的情况下开始处理存档中的数据。
from torchdata.datapipes.iter import IterableWrapper
dp = IterableWrapper(["s3://BUCKET_NAME/DIRECTORY/1.tar"])
dp = dp.open_files_by_fsspec(mode="rb", anon=True).load_from_tar(mode="r|") # Streaming version
# The rest of data processing logic goes here
最后,FSSpecFileSaver 也可用于将数据写入云端。
使用 fsspec
DataPipes 访问 Google Cloud Storage (GCS)¶
这需要安装库 fsspec
(文档)和 gcsfs
(gcsfs GitHub 存储库)。
您可以通过指定以 "gcs://BUCKET_NAME"
开头的路径来列出 GCS 存储桶目录中的文件。 下面示例中的存储桶名称为 uspto-pair
。
from torchdata.datapipes.iter import IterableWrapper
dp = IterableWrapper(["gcs://uspto-pair/"]).list_files_by_fsspec()
print(list(dp))
# ['gcs://uspto-pair/applications', 'gcs://uspto-pair/docs', 'gcs://uspto-pair/prosecution-history-docs']
以下是加载名为 uspto-pair
的存储桶的 applications
目录中的 zip 文件 05900035.zip
的示例。
from torchdata.datapipes.iter import IterableWrapper
dp = IterableWrapper(["gcs://uspto-pair/applications/05900035.zip"]) \
.open_files_by_fsspec(mode="rb") \
.load_from_zip()
# Logic to process those archive files comes after
for path, filestream in dp:
print(path, filestream)
# gcs:/uspto-pair/applications/05900035.zip/05900035/README.txt, StreamWrapper<...>
# gcs:/uspto-pair/applications/05900035.zip/05900035/05900035-address_and_attorney_agent.tsv, StreamWrapper<...>
# gcs:/uspto-pair/applications/05900035.zip/05900035/05900035-application_data.tsv, StreamWrapper<...>
# gcs:/uspto-pair/applications/05900035.zip/05900035/05900035-continuity_data.tsv, StreamWrapper<...>
# gcs:/uspto-pair/applications/05900035.zip/05900035/05900035-transaction_history.tsv, StreamWrapper<...>
使用 fsspec
DataPipes 访问 Azure Blob 存储¶
这需要安装库 fsspec
(文档)和 adlfs
(adlfs GitHub 存储库)。 您可以通过提供以 abfs://
开头的 URI 来访问 Azure Data Lake Storage Gen2 中的数据。 例如,FSSpecFileLister(.list_files_by_fsspec(...)
)可用于列出容器目录中的文件
from torchdata.datapipes.iter import IterableWrapper
storage_options={'account_name': ACCOUNT_NAME, 'account_key': ACCOUNT_KEY}
dp = IterableWrapper(['abfs://CONTAINER/DIRECTORY']).list_files_by_fsspec(**storage_options)
print(list(dp))
# ['abfs://container/directory/file1.txt', 'abfs://container/directory/file2.txt', ...]
您还可以使用 FSSpecFileOpener(.open_files_by_fsspec(...)
)打开文件并对其进行流式传输(如果文件格式支持)。
以下是加载属于帐户 pandemicdatalake
的公共容器的 curated/covid-19/ecdc_cases/latest
目录中的 CSV 文件 ecdc_cases.csv
的示例。
from torchdata.datapipes.iter import IterableWrapper
dp = IterableWrapper(['abfs://public/curated/covid-19/ecdc_cases/latest/ecdc_cases.csv']) \
.open_files_by_fsspec(account_name='pandemicdatalake') \
.parse_csv()
print(list(dp)[:3])
# [['date_rep', 'day', ..., 'iso_country', 'daterep'],
# ['2020-12-14', '14', ..., 'AF', '2020-12-14'],
# ['2020-12-13', '13', ..., 'AF', '2020-12-13']]
如有必要,您还可以使用以 adl://
和 abfs://
开头的 URI 访问 Azure Data Lake Storage Gen1 中的数据,如 adlfs 存储库的 README 中所述
使用 fsspec
DataPipes 访问 Azure ML 数据存储¶
Azure ML 数据存储是对 Azure 上现有存储帐户的*引用*。 创建和使用 Azure ML 数据存储的主要好处是
一个通用的、易于使用的 API,用于与 Azure 中的不同存储类型进行交互(Blob/文件/<数据存储>)。
在团队合作时更容易发现有用的数据存储。
自动处理身份验证 - 支持*基于凭据*的访问(服务主体/SAS/密钥)和*基于身份*的访问(Azure Active Directory/托管身份)。 使用基于凭据的身份验证时,您无需在代码中公开机密。
这需要安装库 azureml-fsspec
(文档)。
您可以通过提供以 azureml://
开头的 URI 来访问 Azure ML 数据存储中的数据。 例如,FSSpecFileLister(.list_files_by_fsspec(...)
)可用于列出容器目录中的文件
from torchdata.datapipes.iter import IterableWrapper
# set the subscription_id, resource_group, and AzureML workspace_name
subscription_id = "<subscription_id>"
resource_group = "<resource_group>"
workspace_name = "<workspace_name>"
# set the datastore name and path on the datastore
datastore_name = "<datastore_name>"
path_on_datastore = "<path_on_datastore>"
uri = f"azureml://subscriptions/{subscription_id}/resourcegroups/{resource_group}/workspaces/{workspace_name}/datastores/{datastore_name}/paths/{path_on_datastore}"
dp = IterableWrapper([uri]).list_files_by_fsspec()
print(list(dp))
# ['azureml:///<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/<folder>/file1.txt',
# 'azureml:///<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/<folder>/file2.txt', ...]
您还可以使用 FSSpecFileOpener(.open_files_by_fsspec(...)
)打开文件并对其进行流式传输(如果文件格式支持)。
以下是加载默认 Azure ML 数据存储 workspaceblobstore
中的 tar 文件的示例,其中路径为 /cifar-10-python.tar.gz
(顶级文件夹)。
from torchdata.datapipes.iter import IterableWrapper
# set the subscription_id, resource_group, and AzureML workspace_name
subscription_id = "<subscription_id>"
resource_group = "<resource_group>"
workspace_name = "<workspace_name>"
# set the datastore name and path on the datastore
datastore_name = "workspaceblobstore"
path_on_datastore = "cifar-10-python.tar.gz"
uri = f"azureml://subscriptions/{subscription_id}/resourcegroups/{resource_group}/workspaces/{workspace_name}/datastores/{datastore_name}/paths/{path_on_datastore}"
dp = IterableWrapper([uri]) \
.open_files_by_fsspec(mode="rb") \
.load_from_tar()
for path, filestream in dp:
print(path)
# ['azureml:/subscriptions/<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/cifar-10-python.tar.gz/cifar-10-batches-py/data_batch_4',
# 'azureml:/subscriptions/<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/cifar-10-python.tar.gz/cifar-10-batches-py/readme.html',
# 'azureml:/subscriptions/<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/cifar-10-python.tar.gz/cifar-10-batches-py/test_batch',
# 'azureml:/subscriptions/<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/cifar-10-python.tar.gz/cifar-10-batches-py/data_batch_3',
# 'azureml:/subscriptions/<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/cifar-10-python.tar.gz/cifar-10-batches-py/batches.meta',
# 'azureml:/subscriptions/<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/cifar-10-python.tar.gz/cifar-10-batches-py/data_batch_2',
# 'azureml:/subscriptions/<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/cifar-10-python.tar.gz/cifar-10-batches-py/data_batch_5',
# 'azureml:/subscriptions/<sub_id>/resourcegroups/<rg_name>/workspaces/<ws_name>/datastores/<datastore>/paths/cifar-10-python.tar.gz/cifar-10-batches-py/data_batch_1]
以下是加载 CSV 文件的示例 - 著名的泰坦尼克号数据集(下载) - 来自 Azure ML 数据存储 workspaceblobstore
,其中路径为 /titanic.csv
(顶级文件夹)。
from torchdata.datapipes.iter import IterableWrapper
# set the subscription_id, resource_group, and AzureML workspace_name
subscription_id = "<subscription_id>"
resource_group = "<resource_group>"
workspace_name = "<workspace_name>"
# set the datastore name and path on the datastore
datastore_name = "workspaceblobstore"
path_on_datastore = "titanic.csv"
uri = f"azureml://subscriptions/{subscription_id}/resourcegroups/{resource_group}/workspaces/{workspace_name}/datastores/{datastore_name}/paths/{path_on_datastore}"
def row_processer(row):
# return the label and data (the class and age of the passenger)
# if missing age, set to 50
if row[5] == "":
row[5] = 50.0
return {"label": np.array(row[1], np.int32), "data": np.array([row[2],row[5]], dtype=np.float32)}
dp = IterableWrapper([uri]) \
.open_files_by_fsspec() \
.parse_csv(delimiter=",", skip_lines=1) \
.map(row_processer)
print(list(dp)[:3])
# [{'label': array(0, dtype=int32), 'data': array([ 3., 22.], dtype=float32)},
# {'label': array(1, dtype=int32), 'data': array([ 1., 38.], dtype=float32)},
# {'label': array(1, dtype=int32), 'data': array([ 3., 26.], dtype=float32)}]