In [ ]:
#@title Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
Note: 이 문서는 텐서플로 커뮤니티에서 번역했습니다. 커뮤니티 번역 활동의 특성상 정확한 번역과 최신 내용을 반영하기 위해 노력함에도 불구하고 공식 영문 문서의 내용과 일치하지 않을 수 있습니다. 이 번역에 개선할 부분이 있다면 tensorflow/docs-l10n 깃헙 저장소로 풀 리퀘스트를 보내주시기 바랍니다. 문서 번역이나 리뷰에 참여하려면 docs-ko@tensorflow.org로 메일을 보내주시기 바랍니다.
이 노트북은 텐서플로를 사용하기 위한 입문 튜토리얼입니다. 다음 내용을 다룹니다 :
tf.data.Dataset
시연
In [ ]:
!pip install tensorflow-gpu==2.0.0-rc1
In [ ]:
import tensorflow as tf
텐서는 다차원 배열입니다. 넘파이(NumPy) ndarray
객체와 비슷하며, tf.Tensor
객체는 데이터 타입과 크기를 가지고 있습니다. 또한 tf.Tensor
는 GPU 같은 가속기 메모리에 상주할 수 있습니다. 텐서플로는 텐서를 생성하고 이용하는 풍부한 연산 라이브러리(tf.add, tf.matmul, tf.linalg.inv 등.)를 제공합니다. 이러한 연산은 자동으로 텐서를 파이썬 네이티브(native) 타입으로 변환합니다.
예를 들어:
In [ ]:
print(tf.add(1, 2))
print(tf.add([1, 2], [3, 4]))
print(tf.square(5))
print(tf.reduce_sum([1, 2, 3]))
# 연산자 오버로딩(overloading) 또한 지원합니다.
print(tf.square(2) + tf.square(3))
각각의 tf.Tensor
는 크기와 데이터 타입을 가지고 있습니다.
In [ ]:
x = tf.matmul([[1]], [[2, 3]])
print(x)
print(x.shape)
print(x.dtype)
넘파이 배열과 tf.Tensor
의 가장 확연한 차이는 다음과 같습니다:
텐서
는 가속기 메모리(GPU, TPU와 같은)에서 사용할 수 있습니다.텐서
는 불변성(immutable)을 가집니다.텐서와 넘파이 배열 사이의 변환은 다소 간단합니다.
텐서는 .numpy()
메서드(method)를 호출하여 넘파이 배열로 변환할 수 있습니다.
가능한 경우, tf.Tensor
와 배열은 메모리 표현을 공유하기 때문에 이러한 변환은 일반적으로 간단(저렴)합니다. 그러나 tf.Tensor
는 GPU 메모리에 저장될 수 있고, 넘파이 배열은 항상 호스트 메모리에 저장되므로, 이러한 변환이 항상 가능한 것은 아닙니다. 따라서 GPU에서 호스트 메모리로 복사가 필요합니다.
In [ ]:
import numpy as np
ndarray = np.ones([3, 3])
print("텐서플로 연산은 자동적으로 넘파이 배열을 텐서로 변환합니다.")
tensor = tf.multiply(ndarray, 42)
print(tensor)
print("그리고 넘파이 연산은 자동적으로 텐서를 넘파이 배열로 변환합니다.")
print(np.add(tensor, 1))
print(".numpy() 메서드는 텐서를 넘파이 배열로 변환합니다.")
print(tensor.numpy())
In [ ]:
x = tf.random.uniform([3, 3])
print("GPU 사용이 가능한가 : "),
print(tf.test.is_gpu_available())
print("텐서가 GPU #0에 있는가 : "),
print(x.device.endswith('GPU:0'))
In [ ]:
import time
def time_matmul(x):
start = time.time()
for loop in range(10):
tf.matmul(x, x)
result = time.time()-start
print("10 loops: {:0.2f}ms".format(1000*result))
# CPU에서 강제 실행합니다.
print("On CPU:")
with tf.device("CPU:0"):
x = tf.random.uniform([1000, 1000])
assert x.device.endswith("CPU:0")
time_matmul(x)
# GPU #0가 이용가능시 GPU #0에서 강제 실행합니다.
if tf.test.is_gpu_available():
print("On GPU:")
with tf.device("GPU:0"): # Or GPU:1 for the 2nd GPU, GPU:2 for the 3rd etc.
x = tf.random.uniform([1000, 1000])
assert x.device.endswith("GPU:0")
time_matmul(x)
이번에는 모델에 데이터를 제공하기 위한 파이프라인을 구축하기 위해 tf.data.Dataset
API를 사용해볼 것입니다.
tf.data.Dataset
API는 모델을 훈련시키고 평가 루프를 제공할, 간단하고 재사용 가능한 모듈로부터 복잡한 입력 파이프라인을 구축하기 위해 사용됩니다.
굉장히 유용한 함수중 하나인 Dataset.from_tensors
, Dataset.from_tensor_slices
와 같은 팩토리(factory) 함수 중 하나를 사용하거나 파일로부터 읽어들이는 객체인 TextLineDataset
또는 TFRecordDataset
를 사용하여 소스 데이터셋을 생성하세요. 더 많은 정보를 위해서 텐서플로 데이터셋 가이드를 참조하세요.
In [ ]:
ds_tensors = tf.data.Dataset.from_tensor_slices([1, 2, 3, 4, 5, 6])
# CSV 파일을 생성합니다.
import tempfile
_, filename = tempfile.mkstemp()
with open(filename, 'w') as f:
f.write("""Line 1
Line 2
Line 3
""")
ds_file = tf.data.TextLineDataset(filename)
맵(map)
, 배치(batch)
, 셔플(shuffle)
과 같은 변환 함수를 사용하여 데이터셋의 레코드에 적용하세요.
In [ ]:
ds_tensors = ds_tensors.map(tf.square).shuffle(2).batch(2)
ds_file = ds_file.batch(2)
In [ ]:
print('ds_tensors 요소:')
for x in ds_tensors:
print(x)
print('\nds_file 요소:')
for x in ds_file:
print(x)