일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
1 | 2 | |||||
3 | 4 | 5 | 6 | 7 | 8 | 9 |
10 | 11 | 12 | 13 | 14 | 15 | 16 |
17 | 18 | 19 | 20 | 21 | 22 | 23 |
24 | 25 | 26 | 27 | 28 | 29 | 30 |
- Python
- 텐서플로
- Linux
- Ga
- 파이썬 시각화
- MySQL
- 월간결산
- Google Analytics
- matplotlib
- 매틀랩
- Blog
- 티스토리
- 통계학
- MATLAB
- Visualization
- 시각화
- 한빛미디어서평단
- 블로그
- 서평
- 한빛미디어
- Tistory
- 서평단
- python visualization
- 독후감
- tensorflow
- 파이썬
- Pandas
- 리눅스
- 딥러닝
- SQL
- Today
- Total
목록텐서플로 (12)
pbj0812의 코딩 일기
0. 목차 및 내용 1) A Single Neuron - 뉴런 설명 - keras.Sequential 을 이용한 인풋 설계까지 2) Deep Neural Networks - 활성화 함수, ReLU, 레이어 쌓기 3) Stochastic Gradient Descent - 로스 함수, 옵티마이저, 학습률, 배치 사이즈 4) Overfitting and Underfitting - 언더피팅, 오버피팅, - 적정한 구간을 찾기 위한 Early Stopping - 문제 도중에 csv 가 없다는 일이 발생하였는데 아래 그림과 같이 우상단의 add data 를 누르고 spotify.csv 를 받은 이후 위치 설정하면 해결 5) Dropout and Batch Normalization - 드롭아웃 - Batch Norm..
0. 목표 - tfjs-vis 를 이용한 tensorflow.js 내에서의 학습 상황 모니터링 1. vis.html - tfjs-vis import 필요 - tfvis.show.modelSummary 를 이용하면 모델의 구조를 시각화 - tfvis.show.history 를 이용하여 학습 상황 시각화 2. main.js var http = require('http'); var fs = require('fs'); var app = http.createServer(function(request,response){ var url = request.url; if(request.url == '/'){ url = '/vis.html'; } if(request.url == '/favicon.ico'){ return ..
0. 목표 - tensorflow.js 로 학습한 모델 저장하기 1. main.js var http = require('http'); var fs = require('fs'); var app = http.createServer(function(request,response){ var url = request.url; if(request.url == '/'){ url = '/save.html'; } if(request.url == '/favicon.ico'){ return response.writeHead(404); } response.writeHead(200); response.end(fs.readFileSync(__dirname + url)); }); app.listen(3001); 2. save.ht..
0. 목표 - TensorFlow를 이용하여 sin 그래프 예측하기 1. FlowChart - input 값을 넣어주면 그에 따른 sin 그래프를 예측 2. 코드 작성 1) library 호출 import tensorflow as tf import matplotlib.pyplot as plt import numpy as np from tensorflow import keras from tensorflow.keras import layers 2) 가상 데이터 생성 - x : 0 ~ 101*pi 를 1030 등분한 데이터를 삽입 - y : sin(x) x = np.linspace(0, 101*np.pi, 1030) y = np.sin(x) fig=plt.figure(figsize=(18, 8), dpi= 8..
0. 목표 - MNIST 예제 모델을 응용하여 내가 맞든 숫자 맞추기 1. 준비(손글씨 만들기) 1) 링크 접속(무료 온라인 포토샵) 2) 28 * 28 사이즈로 맞춘뒤 그림 저장(다른 사이즈로 할 경우 추후에 resize 필요) 3) google 드라이버에 업로드 2. 모델 작성 1) library 호출 from __future__ import absolute_import, division, print_function, unicode_literals #!pip install -q tensorflow-gpu==2.0.0-rc1 import tensorflow as tf import matplotlib.pyplot as plt import numpy as np 2) MNIST 다운로드 mnist = tf...
0. 강의명 - TensorFlow in Practice(Coursera) 1. 강의 내용 - TensorFlow 2.0 의 기초 강좌이며 아래의 4개의 세부 과목(이미지, 이미지 고급, 언어, 타임시리즈)으로 이루어짐 - 각 과목은 다시 4주로 이루어짐(총 16주) * 딥러닝 기초랑 파이썬 아는 사람은 빨리 끝남(회사다니면서 5일 걸림) 1) Introduction to TensorFlow for Artificial Intelligence, Machine Learning, and Deep Learning (1) A New Programming Paradigm (2) Introduction to Computer Vision (3) Enhancing Vision with Convolutional Neura..
0. 목표 - TensorFlow 자격증 취득을 위한 예습 - 수료증 1. Week1 - 예제코드 import numpy as np import matplotlib.pyplot as plt import tensorflow as tf from tensorflow import keras def plot_series(time, series, format="-", start=0, end=None,label=None): plt.plot(time[start:end], series[start:end], format, label=label) plt.xlabel("Time") plt.ylabel("Value") if label: plt.legend(fontsieze=14) plt.grid(True) def trend(t..
0. 목표 - tensorflow 자격증 취득을 위한 준비 - 수료증 1. Week1 - Sentiment in text - BBC text archive Datasets - Source of found common stopwords - Sarcasm in News Headlines Dataset by Reshabh Misra - 예제코드(colab) - 문제 데이터셋(bbc-text.csv) import csv from tensorflow.keras.preprocessing.text import Tokenizer from tensorflow.keras.preprocessing.sequence import pad_sequences stopwords = [ "a", "about", "above", "aft..
0. 목표 - 텐서플로 자격증 취득 - 수료증 1. Week1 - Exploring a Larger Dataset - dataset (cats and dogs) 1) 예제 코드(모델 학습 부분만 추림) (1) colab import os import zipfile local_zip = './cats_and_dogs_filtered.zip' zip_ref = zipfile.ZipFile(local_zip, 'r') zip_ref.extractall('./') zip_ref.close() base_dir = './cats_and_dogs_filtered' train_dir = os.path.join(base_dir, 'train') validation_dir = os.path.join(base_dir, 'v..
0. 목표 - TensorFlow in Practice 완강 이후 TensorFlow 자격증 취득 - 수료증 1. Week1 1) TensorFlow 2.0 설치 pip install tensorflow==2.0.0-alpha0 2) 예제 코드 - y = 2x - 1 tf로 풀기 - 원본 코드 (1) github (2) colab import tensorflow as tf import numpy as np from tensorflow import keras model = tf.keras.Sequential([keras.layers.Dense(units=1, input_shape=[1])]) model.compile(optimizer='sgd', loss='mean_squared_error') xs = n..