딥러닝

    0812 ANN을 이용한 MNIST 숫자 분류기 구현

    인공신경망 (Artificial Neural Networks import tensorflow as tf ## MNIST 데이터 다운 from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets("/AI/tmp/data", one_hot=True) ## 원핫코딩 ## 학습을 위한 설정값 정의 learning_rate = 0.001 num_epochs = 30 batch_size = 256 display_step = 1 input_size = 784 hidden1_size = 256 hidden2_size = 256 output_size = 10 ## 입력값과 출력값ㅇ르 받기 위한 플레이스 홀더 정의 x..

    0812 소프트맥스 회귀로 MNIST 데이터 분석하기

    import tensorflow as tf ## MNIST 데이터 다운 from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets("/AI/tmp/data", one_hot=True) ## 원핫코딩 ## 입력값과 출력값을 받기 위한 플레이스 홀더를 정의 x = tf.placeholder(tf.float32, shape=[None, 784]) y = tf.placeholder(tf.float32, shape=[None, 10]) ## 변수들을 설정하고 소프트맥스 회귀 모델을 정의 W = tf.Variable(tf.zeros(shape=[784, 10])) b = tf.Variable(tf.zeros(..

    0812 텐서플로 기초

    p.34~ tensorflow : 텐서를 흘려보내면서 데이터를 처리하는 라이브러리 텐서들은 계산 그래프구조를 통해 노드에서 노드로 이동 > 텐서플로 그래프 생성 - shape() 이라는 것은 스칼라 값을 의미함. - 사용할것이라고 선언만 한 것. 실행은 따로함! (-> 세션을 열어서 수행해야함) ## 그래프 노드를 정의하고 출력 node1 = tf.constant(3.0, dtype=tf.float32) ## 상수값을 표현 node2 = tf.constant(4.0) # 암시적으로 tf.float32 타입으로 선언될것 print(node1, node2) > 텐서플로 그래프 실행 ## 세션을 열고 그래프를 실행합니다. # 출력값 : [3.0, 4.0] sess = tf.Session() print(sess..

    0812 LSTM 텍스트 생성모델 구현 (온도 샘플링)

    1. 텍스트 뭉치 가져오기 import keras import numpy as np path = keras.utils.get_file( 'nietzsche.txt', origin = 'https://s3.amazonaws.com/text-datasets/nietzsche.txt') text = open(path).read().lower() ## 다 소문자로 바꿈 print('말뭉치 크기', len(text)) 2. 약 60만개의 말뭉치를 원핫인코딩함 - 시간이 엄~~~~~~~~~~~~~청 오래걸림 maxlen = 60 step = 3 sentences = [] next_chars = [] for i in range(0, len(text) - maxlen, step) : sentences.append(te..

    0807 텍스트 데이터 다루기2 [모든 내용 적용하기]

    - 원본 데이터 aclImdb 불러오기 import os imdb_dir = './datasets/aclImdb' train_dir = os.path.join(imdb_dir, 'train') - 원본데이터 전처리하기 # fname[-4:] == ".txt" 이부분은 .txt를 뒤에서부터 -1로 시작해서 -4까지를 뜻함 labels = [] texts = [] for label_type in ['neg', 'pos']: dir_name = os.path.join(train_dir, label_type) for fname in os.listdir(dir_name) : if fname[-4:] == '.txt': f = open(os.path.join(dir_name, fname), encoding = 'u..

    0807 17장 RNN [로이터 뉴스 카테고리 분류하기]

    tanh... 사용... 여러가지 출력은 softmax거쳐서 분류를 하면 확률값이 나옴 logit -> softmax -> prediction 분류가 있는곳에 target도 있고 서로 minimize distance를 구해줌 순환신경망 - Recurrent Neural Network - 로이터 뉴스 카테고리 분류하기 from keras.datasets import reuters from keras.models import Sequential from keras.layers import Dense, LSTM, Embedding from keras.preprocessing import sequence from keras.utils import np_utils import numpy import tensorf..