텐서플로우 자격증 취득 후기
2022. 8. 27. 01:51
인공지능/tensorflow certificate
오늘 구글 텐서플로우 자격증을 취득했다. 취득 목적 및 과정을 간단하게 기록해두고자 한다. 1. 목적 나는 구글 머신러닝 부트캠프의 수료 조건을 충족하기 위해 자격증을 취득했다. Coursera의 Deep Learning Specialization 과정을 수강한 상태였고, tensorflow 및 keras는 능숙하게 다루는 수준은 아니더라도 꽤 익숙한 수준이었다. (물론 개인적으로 pytorch가 더 좋긴 하다) 자신의 텐서플로우 개발 능력을 보여주기 위해 이 자격증을 준비하는 것은 그다지 추천하지는 않는다. 파이썬 및 딥러닝에 대한 지식이 있는 상태에서 (1) 텐서플로우가 어떻게 돌아가는지 간단하게 체험하고 싶은 사람, (2) 단기간에 텐서플로우 모델링을 해보고 싶은 사람, (3) 모종의 동기부여가 필..
텐서플로우 자격증 시험을 위한 개발환경 구축 및 신청
2022. 8. 23. 15:00
인공지능/tensorflow certificate
나는 맥북에어 M1을 사용하고 있고, 옛날 옛적에 온갖 고생 끝에 텐서플로우를 설치했다 현재 텐서플로우 버전... 텐서플로우 자체도 오랜만이고, 로컬에서 돌려본 게 한참 전이라.. 하여튼, 자격증 시험에서 요구하는 텐서플로우 버전은 TensorFlow 2.7.x., 파이썬은 Python 3.8.0이다. 1. 텐서플로우 업데이트 conda activate prj_final # tensorflow 사용할 conda 환경 활성화 pip install tensorflow-metal pip install tensorflow-macos==2.7.0 pip install numpy --upgrade - numpy 업그레이드 해준 이유 : RuntimeError: module compiled against API ve..
Sequences, Time Series, and Prediction(2) - Deep Learning
2022. 8. 22. 15:03
인공지능/tensorflow certificate
2주차 window 사이즈 만한 값들을 input x, 그 다음 값을 label y로 세팅 - 위 예시에서는 30 features dataset = tf.data.Dataset.range(10) for val in dataset: print(val.numpy()) windowing 해보기 dataset = tf.data.Dataset.range(10) dataset = dataset.window(5, shift=1) for window_dataset in dataset: for val in window_dataset: print(val.numpy(), end=" ") print() - window 사이즈, 그리고 매번 얼마나 shift할지 dataset = tf.data.Dataset.range(10) ..
Sequences, Time Series, and Prediction(1) - mathematical method
2022. 8. 22. 14:40
인공지능/tensorflow certificate
- 미래를 예측하거나, 과거를 복원하거나, 비어있는 데이터 갭을 채우거나, 이상치를 탐지하거나 - sound wave analysis "Trend, Seasonality" "Noise" "auto-corelated time series - lag (이전 step에 의존적인)" 현실 데이터 : Trend + Seasonality + Autocorrelation + Noise 아래와 같은 "non-stationary time series" 도 있음 stationary --> 시간에 따라 behaviour가 바뀌지 않는다는 의미 non-stationary --> optimal time window for training will vary 여기서 각종 time series 시뮬레이션 해볼 수 있음 위 데이터에서..
Natural Language Processing in TensorFlow(2)
2022. 8. 21. 23:29
인공지능/tensorflow certificate
3주차 model = tf.keras.Sequential([ tf.keras.layers.Embedding(tokneizer.vocab_size, 64), tf.keras.layers.Bidirectional(tf.keras.layers.LSTM(64)), tf.keras.layers.Dense(64, activation='relu'), tf.keras.layers.Dense(1, activation='sigmoid') ]) - tf.keras.layers.Bidirectional(tf.keras.layers.LSTM(64)) - 64 : 해당 레이어로부터 원하는 output size - Bidirectional : cell state가 bi-directional 하게 움직인다 - bidirectiona..
Natural Language Processing in TensorFlow(1)
2022. 8. 21. 17:07
인공지능/tensorflow certificate
1주차 각 단어(word)에 값(value)을 부여한다면? import tensorflow as tf from tensorflow import keras from tensorflow.keras.preprocessing.text import Tokenizer sentences = [ 'I love my dog', 'I love my cat' ] tokenizer = Tokenizer(num_words=100) tokenizer.fit_on_texts(sentences) word_index = tokenizer.word_index print(word_index) - Tokenizer : sentence 로부터 vector 생성해줌 - num_words : top 100 words in volume - dic..
Convolutional Neural Networks in TensorFlow
2022. 8. 19. 19:46
인공지능/tensorflow certificate
1주차 from tensorflow.keras.preprocessing.image import ImageDataGenerator train_datagen = ImageDataGenerator(rescale=1./255) train_generator = train_datagen.flow_from_directory( train_dir, target_size=(150,150), batch_size=20, class_mode='binary') test_datagen = ImageDataGenerator(rescale=1./255) validation_generator = test_datagen.flow_from_directory( validation_dir, target_size=(150,150), batch_..
Introduction to TensorFlow for Artificial Intelligence, ML, and DL
2022. 8. 18. 14:24
인공지능/tensorflow certificate
1주차 model = keras.Sequential([keras.layers.Dense(units=1, input_shape=[1])]) model.compile(optimizer='sgd', loss='mean_squared_error') - Dense : define a layer of connected neurons -> 여기는 dense 가 하나이므로, 레이어 하나에 single neuron - input_shape = [1] : one value as input - loss function을 통해 guess가 얼마나 좋았는지 안 좋았는지 optimizer가 판단 xs = np.array([-1.0, 0.0, 1.0, 2.0, 3.0, 4.0], dtype=float) ys = np.array([..