코세라) 신경망 및 딥러닝 - 얕은 신경망 - Planar data classification with one hidden layer (2)

생각보다 간단쓰 도함수 계산과정 좀 다시한번 봐야되겠네요. 너무 새롭네 Exercise 5 - compute_cost 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 # GRADED FUNCTION: compute_cost def compute_cost(A2, Y): """ Computes the cross-entropy cost given in equation (13) Arguments: A2 -- The sigmoid output of the second activation, of shape (1, number of examples) Y -- "true" labels vector of shape (1, number of examples) Returns: cost -- cross-entropy cost given equation (13) """ m = Y.shape[1] # number of examples # Compute the cross-entropy cost # (≈ 2 lines of code) # logprobs = ... # cost = ... # YOUR CODE STARTS HERE logprobs = np.multiply(np.log(A2), Y) + np.multiply(np.log(1-A2), 1-Y) cost = - 1 * np.sum(logprobs) / m # YOUR CODE ENDS HERE cost = float(np.squeeze(cost)) # makes sure cost is the dimension we expect. # E.g., turns [[17]] into 17 return cost Exercise 6 - backward_propagation 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 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 # GRADED FUNCTION: backward_propagation def backward_propagation(parameters, cache, X, Y): """ Implement the backward propagation using the instructions above. Arguments: parameters -- python dictionary containing our parameters cache -- a dictionary containing "Z1", "A1", "Z2" and "A2". X -- input data of shape (2, number of examples) Y -- "true" labels vector of shape (1, number of examples) Returns: grads -- python dictionary containing your gradients with respect to different parameters """ m = X.shape[1] # First, retrieve W1 and W2 from the dictionary "parameters". #(≈ 2 lines of code) # W1 = ... # W2 = ... # YOUR CODE STARTS HERE W1 = parameters["W1"] W2 = parameters["W2"] # YOUR CODE ENDS HERE # Retrieve also A1 and A2 from dictionary "cache". #(≈ 2 lines of code) # A1 = ... # A2 = ... # YOUR CODE STARTS HERE A1 = cache["A1"] A2 = cache["A2"] # YOUR CODE ENDS HERE # Backward propagation: calculate dW1, db1, dW2, db2. #(≈ 6 lines of code, corresponding to 6 equations on slide above) # dZ2 = ... # dW2 = ... # db2 = ... # dZ1 = ... # dW1 = ... # db1 = ... # YOUR CODE STARTS HERE dZ2 = A2 - Y dW2 = np.dot(dZ2, A1.T) / m db2 = np.sum(dZ2, axis=1, keepdims = True) / m dZ1 = np.dot(W2.T, dZ2) * (1 - np.power(A1, 2)) dW1 = np.dot(dZ1, X.T) / m db1 = np.sum(dZ1, axis=1, keepdims = True) / m # YOUR CODE ENDS HERE grads = {"dW1": dW1, "db1": db1, "dW2": dW2, "db2": db2} return grads Exercise 7 - update_parameters 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 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 # GRADED FUNCTION: update_parameters def update_parameters(parameters, grads, learning_rate = 1.2): """ Updates parameters using the gradient descent update rule given above Arguments: parameters -- python dictionary containing your parameters grads -- python dictionary containing your gradients Returns: parameters -- python dictionary containing your updated parameters """ # Retrieve a copy of each parameter from the dictionary "parameters". Use copy.deepcopy(...) for W1 and W2 #(≈ 4 lines of code) # W1 = ... # b1 = ... # W2 = ... # b2 = ... # YOUR CODE STARTS HERE parameters_cp = copy.deepcopy(parameters) W1 = parameters_cp["W1"] b1 = parameters_cp["b1"] W2 = parameters_cp["W2"] b2 = parameters_cp["b2"] # YOUR CODE ENDS HERE # Retrieve each gradient from the dictionary "grads" #(≈ 4 lines of code) # dW1 = ... # db1 = ... # dW2 = ... # db2 = ... # YOUR CODE STARTS HERE dW1 = grads["dW1"] db1 = grads["db1"] dW2 = grads["dW2"] db2 = grads["db2"] # YOUR CODE ENDS HERE # Update rule for each parameter #(≈ 4 lines of code) # W1 = ... # b1 = ... # W2 = ... # b2 = ... # YOUR CODE STARTS HERE W1 = W1 - learning_rate * dW1 b1 = b1 - learning_rate * db1 W2 = W2 - learning_rate * dW2 b2 = b2 - learning_rate * db2 # YOUR CODE ENDS HERE parameters = {"W1": W1, "b1": b1, "W2": W2, "b2": b2} return parameters Exercise 8 - nn_model 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 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 # GRADED FUNCTION: nn_model def nn_model(X, Y, n_h, num_iterations = 10000, print_cost=False): """ Arguments: X -- dataset of shape (2, number of examples) Y -- labels of shape (1, number of examples) n_h -- size of the hidden layer num_iterations -- Number of iterations in gradient descent loop print_cost -- if True, print the cost every 1000 iterations Returns: parameters -- parameters learnt by the model. They can then be used to predict. """ np.random.seed(3) n_x = layer_sizes(X, Y)[0] n_y = layer_sizes(X, Y)[2] # Initialize parameters #(≈ 1 line of code) # parameters = ... # YOUR CODE STARTS HERE parameters = initialize_parameters(n_x, n_h, n_y) # YOUR CODE ENDS HERE # Loop (gradient descent) for i in range(0, num_iterations): #(≈ 4 lines of code) # Forward propagation. Inputs: "X, parameters". Outputs: "A2, cache". # A2, cache = ... # Cost function. Inputs: "A2, Y". Outputs: "cost". # cost = ... # Backpropagation. Inputs: "parameters, cache, X, Y". Outputs: "grads". # grads = ... # Gradient descent parameter update. Inputs: "parameters, grads". Outputs: "parameters". # parameters = ... # YOUR CODE STARTS HERE A2, cache = forward_propagation(X, parameters) cost = compute_cost(A2, Y) grads = backward_propagation(parameters, cache, X, Y) parameters = update_parameters(parameters, grads) # YOUR CODE ENDS HERE # Print the cost every 1000 iterations if print_cost and i % 1000 == 0: print ("Cost after iteration %i: %f" %(i, cost)) return parameters Exercise 9 - predict 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 # GRADED FUNCTION: predict def predict(parameters, X): """ Using the learned parameters, predicts a class for each example in X Arguments: parameters -- python dictionary containing your parameters X -- input data of size (n_x, m) Returns predictions -- vector of predictions of our model (red: 0 / blue: 1) """ # Computes probabilities using forward propagation, and classifies to 0/1 using 0.5 as the threshold. #(≈ 2 lines of code) A2, cache = forward_propagation(X, parameters) predictions = np.round(A2) # YOUR CODE STARTS HERE # YOUR CODE ENDS HERE return predictions

8월 15, 2024 · Jaejin Jang

코세라) 신경망 및 딥러닝 - 얕은 신경망 - Planar data classification with one hidden layer

행렬간 차원의 개수와 수식이 쪼~금 이해가 되네요 Exercise 2 - layer_sizes 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 # GRADED FUNCTION: layer_sizes def layer_sizes(X, Y): """ Arguments: X -- input dataset of shape (input size, number of examples) Y -- labels of shape (output size, number of examples) Returns: n_x -- the size of the input layer n_h -- the size of the hidden layer n_y -- the size of the output layer """ #(≈ 3 lines of code) # n_x = ... # n_h = ... # n_y = ... # YOUR CODE STARTS HERE n_x = X.shape[0] n_h = 4 n_y = Y.shape[0] # YOUR CODE ENDS HERE return (n_x, n_h, n_y) Exercise 3 - initialize_parameters 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 31 32 33 34 35 # GRADED FUNCTION: initialize_parameters def initialize_parameters(n_x, n_h, n_y): """ Argument: n_x -- size of the input layer n_h -- size of the hidden layer n_y -- size of the output layer Returns: params -- python dictionary containing your parameters: W1 -- weight matrix of shape (n_h, n_x) b1 -- bias vector of shape (n_h, 1) W2 -- weight matrix of shape (n_y, n_h) b2 -- bias vector of shape (n_y, 1) """ #(≈ 4 lines of code) # W1 = ... # b1 = ... # W2 = ... # b2 = ... # YOUR CODE STARTS HERE W1 = np.random.randn(n_h, n_x) * 0.01 b1 = np.zeros((n_h, 1)) W2 = np.random.randn(n_y, n_h) * 0.01 b2 = np.zeros((n_y, 1)) # YOUR CODE ENDS HERE parameters = {"W1": W1, "b1": b1, "W2": W2, "b2": b2} return parameters Exercise 4 - forward_propagation 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 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 # GRADED FUNCTION:forward_propagation def forward_propagation(X, parameters): """ Argument: X -- input data of size (n_x, m) parameters -- python dictionary containing your parameters (output of initialization function) Returns: A2 -- The sigmoid output of the second activation cache -- a dictionary containing "Z1", "A1", "Z2" and "A2" """ # Retrieve each parameter from the dictionary "parameters" #(≈ 4 lines of code) # W1 = ... # b1 = ... # W2 = ... # b2 = ... # YOUR CODE STARTS HERE W1 = parameters["W1"] b1 = parameters["b1"] W2 = parameters["W2"] b2 = parameters["b2"] # YOUR CODE ENDS HERE # Implement Forward Propagation to calculate A2 (probabilities) # (≈ 4 lines of code) # Z1 = ... # A1 = ... # Z2 = ... # A2 = ... # YOUR CODE STARTS HERE Z1 = np.dot(W1, X) + b1 A1 = np.tanh(Z1) Z2 = np.dot(W2, A1) + b2 A2 = sigmoid(Z2) # YOUR CODE ENDS HERE assert(A2.shape == (1, X.shape[1])) cache = {"Z1": Z1, "A1": A1, "Z2": Z2, "A2": A2} return A2, cache

8월 14, 2024 · Jaejin Jang

코세라) 신경망 및 딥러닝 - 파이썬과 벡터화 - 신경망 사고방식의 로지스틱 회귀 분석

단순하지만 기본이 되는 매우 중요한 과제입니다. 원래 기본이 가장 중요한 것 로지스틱 회귀 모델을 구축하여 고양이 이미지를 인식하는 시스템을 만드는 과제입니다. 기본적인 로지스틱 회귀 모델의 구현과 평가 방법을 익히며, 딥러닝의 기초적인 개념을 이해하고, 실질적인 머신러닝 모델을 만들어 봅니다. Exercise 1 shape를 통해 길이관련 정보에 접근할 수 있다는 것을 알아야 합니다. output을 보면 아시겠지만 트레이닝 이미지가 4차원 배열입니다.. 숫자로 적혀있으니 별 것 아닌것 같지만, 우리가 현실세계에서 4차원 공간을 마주할 일을 없습니다. 그것을 잘 표현해 놓은것이 인터스텔라의 테서렉트입니다(제 인생영화중에 하나라서 괜히 말함) 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 # YOUR CODE STARTS HERE m_train = train_set_x_orig.shape[0] m_test = test_set_x_orig.shape[0] num_px = train_set_x_orig.shape[1] # YOUR CODE ENDS HERE print ("Number of training examples: m_train = " + str(m_train)) print ("Number of testing examples: m_test = " + str(m_test)) print ("Height/Width of each image: num_px = " + str(num_px)) print ("Each image is of size: (" + str(num_px) + ", " + str(num_px) + ", 3)") print ("train_set_x shape: " + str(train_set_x_orig.shape)) print ("train_set_y shape: " + str(train_set_y.shape)) print ("test_set_x shape: " + str(test_set_x_orig.shape)) print ("test_set_y shape: " + str(test_set_y.shape)) ## output Number of training examples: m_train = 209 Number of testing examples: m_test = 50 Height/Width of each image: num_px = 64 Each image is of size: (64, 64, 3) train_set_x shape: (209, 64, 64, 3) train_set_y shape: (1, 209) test_set_x shape: (50, 64, 64, 3) test_set_y shape: (1, 50) Exercise 2 reshape에서 -1의 의미를 알아야 합니다. 하나의 인자만 -1로 넘길 수 있는데, -1인 부분은 나머지 값을 통해 추론하겠다라는 의미입니다. 1 2 train_set_x_flatten = train_set_x_orig.reshape(train_set_x_orig.shape[0], -1).T test_set_x_flatten = test_set_x_orig.reshape(test_set_x_orig.shape[0], -1).T Exercise 3 - sigmoid 1 2 3 def sigmoid(z): s = 1/(1+np.exp(-z)) return s Exercise 4 - initialize_with_zeros 1 2 3 4 def initialize_with_zeros(dim): w = np.zeros((dim, 1)) b = 0.0 return w, b Exercise 5 - propagate 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 def propagate(w, b, X, Y): m = X.shape[1] A = cost = dw = db = cost = np.squeeze(np.array(cost)) grads = {"dw": dw, "db": db} return grads, cost Exercise 6 - optimize 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 def optimize(w, b, X, Y, num_iterations=100, learning_rate=0.009, print_cost=False): w = copy.deepcopy(w) b = copy.deepcopy(b) costs = [] for i in range(num_iterations): grads, cost = propagate(w, b, X, Y) dw = grads["dw"] db = grads["db"] w = w - learning_rate*dw b = b - learning_rate*db # Record the costs if i % 100 == 0: costs.append(cost) if print_cost: print ("Cost after iteration %i: %f" %(i, cost)) params = {"w": w, "b": b} grads = {"dw": dw, "db": db} return params, grads, costs Exercise 7 - predict 1 2 3 4 5 6 7 8 9 10 11 12 13 14 def predict(w, b, X): m = X.shape[1] Y_prediction = np.zeros((1, m)) w = w.reshape(X.shape[0], 1) Z = np.dot(w.T, X) + b A = 1 / (1 + np.exp(-Z)) for i in range(A.shape[1]): if A[0, i] > 0.5 : Y_prediction[0,i] = 1 else: Y_prediction[0,i] = 0 return Y_prediction Exercise 8 - model 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 def model(X_train, Y_train, X_test, Y_test, num_iterations=2000, learning_rate=0.5, print_cost=False): w, b = initialize_with_zeros(X_train.shape[0]) params, grads, costs = optimize(w, b, X_train, Y_train, num_iterations, learning_rate, True) w = params["w"] b = params["b"] Y_prediction_test = predict(w, b, X_test) Y_prediction_train = predict(w, b, X_train) if print_cost: print("train accuracy: {} %".format(100 - np.mean(np.abs(Y_prediction_train - Y_train)) * 100)) print("test accuracy: {} %".format(100 - np.mean(np.abs(Y_prediction_test - Y_test)) * 100)) d = {"costs": costs, "Y_prediction_test": Y_prediction_test, "Y_prediction_train" : Y_prediction_train, "w" : w, "b" : b, "learning_rate" : learning_rate, "num_iterations": num_iterations} return d

7월 27, 2024 · Jaejin Jang

코세라) 신경망 및 딥러닝 - 파이썬과 벡터화 - 넘파이를 사용한 파이썬 기초

기본적인 Python과 Numpy 라이브러리 사용법을 익히고, 머신 러닝 모델의 기본적인 수학적 구성 요소를 작성해보는 과제입니다. Exercise 2 - basic_sigmoid 시그모이드 함수를 math 라이브러리를 이용하여 구현한 것입니다. 일반적으로 행열을 처리할 수 있는 np를 쓰는데, 그 반대의 경우(math)를 보여줌으로써 np를 강조하는건가 봐요. 1 2 3 4 5 import math def basic_sigmoid(x): s = 1/(1+math.exp(-x)) return s Exercise 3 - sigmoid np를 이용해 구현합니다. 1 2 3 def sigmoid(x): s = 1/(1+np.exp(-x)) return s Exercise 4 - sigmoid_derivative 1 2 3 4 def sigmoid(x): s = 1/(1+np.exp(-x)) ds = s*(1-s) return ds Exercise 5 - image2vector reshape() 차원인자에 한개의 -1을 전달할 수 있습니다. -1로 전달하면 나머지 차원인자로 부터 차원을 추론하여 동작합니다. 1 2 3 4 5 def image2vector(image): v = image.reshape(image.shape[0] * image.shape[1] * image.shape[2], 1) # v = image.reshape(-1, 1) # v = np.reshape(image, (image.shape[0] * image.shape[1] * image.shape[2], 1)) return v Exercise 6 - normalize_rows 1 2 3 4 def normalize_rows(x): x_norm = np.linalg.norm(x, axis=1, keepdims = True) x = np.divide(x, x_norm) return x Exercise 7 - softmax axis는 0과 1에 따라 행으로 동작(column-wise)할건지 열(row-wise)로 동작할것인지, keepdims는 브로드캐스팅 유무입니다 1 2 3 4 5 def softmax(x): x_exp = np.exp(x) x_sum = np.sum(x_exp, axis=1, keepdims = True) s = np.divide(x_exp, x_sum) return s Exercise 8 - L1 1 2 3 def L1(yhat, y): loss = np.sum(abs(np.subtract(yhat, y))) return loss Exercise 9 - L2 1 2 3 def L2(yhat, y): loss = np.sum(np.dot(np.subtract(yhat, y),np.subtract(yhat, y))) return loss

7월 17, 2024 · Jaejin Jang

코세라) 신경망 및 딥러닝 - 파이썬과 벡터화

1. Vectorization 벡터화가 무엇인지 프로그래밍 관점에서 설명하고 있습니다. 벡터화하지 않으면 반복문을 돌아야 하지만, 백터화하면 반복문없이 수행할 수 있습니다. SIMD(Single instruction, multiple data)가 GPU에서만 수행되는 것은 아닙니다. CPU에서도 수행됩니다. (저는 GPU에서만 되는줄 알고 있었뜸..) 벡터화와 SIMD가 연결되는 것은 자연스러운 전개입니다. n개의 w와 x가 한번의 명령에 의해 처리(SIMD)되니까요. 2. More vectorization examples ...

7월 16, 2024 · Jaejin Jang

코세라) 신경망 및 딥러닝 - 신경망으로서의 로지스틱 회귀

1. Binary Classification y가 0, 1일 때 사용하는 분류입니다. 로지스틱 회귀(Logistic regression)는 이진 분류를 위한 알고리즘 중 하나입니다. 2. Notation ...

7월 14, 2024 · Jaejin Jang

코세라) 신경망 및 딥러닝 - 딥러닝 소개

1. 단일 신경망의 예 집의 크기를 특징으로 가격을 예층하는 단일 신경망이라고 볼 수 있습니다. 그래프를 보아하니 Relu 함수로 표현할 수 있습니다. 2. 댜중 신경망의 예 ...

7월 9, 2024 · Jaejin Jang

뉴럴네트워크

해커가 알려주는 뉴럴 네트워크를 공부한 내용 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 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 91 92 93 94 95 96 97 98 99 100 101 102 103 104 105 106 107 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123 124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247 248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371 372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443 444 445 446 447 448 449 import sys import random from math import exp, floor class rgate: def mul(x,y): return x*y def add(x,y): return x+y class unit: value = 0.0 grad = 0.0 def __init__(self, value=0.0,grad=0.0): self.value = value self.grad = grad class u: value = 0.0 grad = 0.0 def __init__(self, value=0.0,grad=0.0): self.value = value self.grad = grad class mg: u0 = None u1 = None ru = None def __init__(self, u0=None,u1=None): self.u0 = None self.u1 = None self.ru = None def f(self, u0, u1): self.u0 = u0 self.u1 = u1 self.ru = unit(self.u0.value*self.u1.value , 0) return self.ru def b(self): self.u0.grad += self.ru.grad * self.u1.value self.u1.grad += self.ru.grad * self.u0.value class ag: u0 = None u1 = None ru = None def f(self,u0, u1): self.u0 = u0 self.u1 = u1 self.ru = unit(u0.value+u1.value,0) return self.ru def b(self): self.u0.grad += self.ru.grad*1 self.u1.grad += self.ru.grad*1 class sg: u0 = None ru = None def sig(self, x): return 1/(1+exp(-x)) def f(self,u0): self.u0 = u0 self.ru = unit(self.sig(self.u0.value), 0) return self.ru def b(self): s = self.sig(self.u0.value) self.u0.grad += (s*(1-s))*self.ru.grad def fc(a,b,c,x,y): return 1/(1+exp(-(a*x+b*y+c))) class sqg: u0 = None ru = None def f(self,u0): self.u0 = u0 self.ru = unit(self.u0.value*self.u0.value,0.0) return self.ru def b(self): self.u0.grad += 2*self.u0.value*self.ru.grad class dg: u0 = None u1 = None ru = None def f(self,u0=unit(1.0,0.0),u1=unit(1.0,0.0)): self.u0 = u0 self.u1 = u1 self.ru = unit(self.u0.value/self.u1.value,0.0) return self.ru def b(self): self.u0.grad += (-1/(self.u0.value*self.u0.value)) class mag:#max gate u0 = None u1 = None ru = None def f(self,u0,u1): self.u0 = u0 self.u1 = u1 self.ru = unit(self.u0.value > self.u1.value and self.u0.value or self.u1.value , 0.0) return self.ru def b(self): self.u0.grad += self.ru.value == self.u0.value and 1.0*self.ru.grad or 0 self.u1.grad += self.ru.value == self.u1.value and 1.0*self.ru.grad or 0 class rg:#ReLU gate u0 = None ru = None def f(self,u0): self.u0 = u0 self.ru = unit(self.u0.value > 0 and self.u0.value or 0 , 0.0) return self.ru def b(self): self.u0.grad += self.ru.value > 0 and 1.0*self.ru.grad or 0 def sig(a): return 1/(1+exp(-a)) class cir: a = None b = None c = None x = None y = None mg1 = mg() mg2 = mg() ag1 = ag() ag2 = ag() r1 = None r2 = None r3 = None r4 = None def f(self,x ,y , a ,b ,c): self.x = x self.y = y self.a = a self.b = b self.c = c self.r1 = self.mg1.f(self.a ,self.x) self.r2 = self.mg2.f(self.b ,self.y) self.r3 = self.ag1.f(self.r1 ,self.r2) self.r4 = self.ag2.f(self.r3 ,self.c) return self.r4 def back(self,gt): self.r4.grad = gt self.ag2.b() self.ag1.b() self.mg2.b() self.mg1.b() class svm: a = u(1.0, 0.0) b = u(-2.0, 0.0) c = u(-1.0, 0.0) cir1 = cir() o = None def f(self,x,y): self.o = self.cir1.f(x, y, self.a ,self.b ,self.c) return self.o def back(self,label): self.a.grad = 0 self.b.grad = 0 self.c.grad = 0 pull = 0.0 if(label == 1 and self.o.value < 1): pull = 1 if(label == -1 and self.o.value > -1 ): pull = -1 self.cir1.back(pull) def lform(self,x,y,label): self.f(x,y) self.back(label) self.p() def p(self): ssize = 0.01 self.a.value += ssize*self.a.grad self.b.value += ssize*self.b.grad self.c.value += ssize*self.c.grad def accu(self, datas,labels): num_correct = 0 for i in range(6): x = u(datas[i][0],0.0) y = u(datas[i][1],0.0) true_label = labels[i] r = self.f(x,y) predicted_label = r.value > 0 and 1 or -1 if(predicted_label == true_label): num_correct+=1 return num_correct/6.0 if __name__=='__main__': #이진분류 #데이터를 +1,-1로 구분하는것 #데이터 포인트이 각 값을 특성(feature)라 하고 결과(+1,-1)을 레이블(lable)이라고 한다 #목표 : 2차원 벡터(2개의 특성)를 입력받아 레이블을 예측하는 함수를 학습하는 것 #함수의 파라미털ㄹ 조정해 정확한 레이블이 나오도록하는 것이다 #훈련방법 #복잡한 수식은 어려우니 어려운 단순한 선형분류로 시작한다 #f(x,y) = ax+by+c #x,y를 입력(2D 벡터,특성) a,b,c를 학습시킬 함수의 파라미터로 생각한다 #1.무작위로 데이터 포인트를 선택해 입력한다 #2.회로의 출력을 통해 레이블을 결정한다 #3.예측값이 레이블에 얼마나 잘맞는지 측정한다 #4.회로에 힘을 가하고, a,b,c에 역전파 시켜 입력값을 변경시킨다. x,y는 데이터이므로 역전파로 값을 업데이트할 필요가 없다 #5.반복한다 #SVM(Support Vector Machine) #매우 인기있는 선형분류 알고리즘이다. #함수의 형태는 f(x,y) = ax+by+c로 똑같다 #쉬운이해를 위해 포스 명세서라고 하자. 전통적으로는 사용하지 않는 용어이다. #역전파에 의한 출력증가 외에 a,b(c는 제외)에 0의 방향으로 당기는 힘을 추가하는 것이다. #0으로 돌아가고자 하는 탄성력을 추가하는 것과 같다. 힘의 크기는 lal, lbl 에 비례한다. 훅의 법칙과 유사하다. #학습을 위해 여러 차레 반복이 필요하다. #모델의 복잡도, 초기화, 데이터의 정규화, 스텝 사이즈에 따라 학습시간이 달라진다. # f(x,y) = a*x + b*y +c print("f(x,y) = a*x + b*y +c") #input def a = u(1.0,0.0) b = u(2.0,0.0) x = u(3.0,0.0) y = u(4.0,0.0) c = u(5.0,0.0) #gate def mg1 = mg() mg2 = mg() ag1 = ag() ag2 = ag() #cal f r1 = mg1.f(a,x) r2 = mg2.f(b,y) r3 = ag1.f(r1,r2) r4 = ag2.f(r3,c) #cal b r4.grad = 1.0 ag2.b() ag1.b() mg1.b() mg2.b() #print derivative da = mg1.u0.grad; print(da) db = mg2.u1.grad; print(db) dc = ag2.u1.grad; print(dc) print('------') # svm code print("SVM code") #data def data = [] data.append([1.2, 0.7]) data.append([-0.3, -0.5]) data.append([3.0, 0.1]) data.append([-0.1, -1.0]) data.append([-1.0, 1.1]) data.append([2.1, -3]) label = [] label.append(1) label.append(-1) label.append(1) label.append(-1) label.append(-1) label.append(1) #svm def svm1 = svm() for i in range(400): r = floor(random.random()*6) x = u(data[r][0],0.0) y = u(data[r][1],0.0) t_label = label[r] svm1.lform(x , y, t_label) if(i%25 == 0 ): print("{0}번째 훈련정확도는 {1}",i,svm1.accu(data,label)) #이 회로는 선형함수 뿐만 아니라 어떤 수식도 적용될 수 있다. # not structed svm code print("not structed svm code") #data def data = [] data.append([1.2, 0.7]) data.append([-0.3, -0.5]) data.append([3.0, 0.1]) data.append([-0.1, -1.0]) data.append([-1.0, 1.1]) data.append([2.1, -3]) label = [] label.append(1) label.append(-1) label.append(1) label.append(-1) label.append(-1) label.append(1) a = 1; b = -2; c = -1 for i in range(400): r = floor(random.random()*6) x = data[r][0] y = data[r][1] t_label = label[r] score = a*x+b*y+c pull = 0 if(label == 1 and score < 1): pull = 1 if(label == -1 and score > -1): pull = -1 step_size = 0.01 a += step_size*(x*pull-a) b += step_size*(y*pull-b) c += step_size*(1*pull) #힘의 크기 pull이 0, +1, -1 인것을 알 수 있다. 다르게 오차의 크게 비례하여 크기를 다르게 할 수도이다. #훈련 데이터의 특징에 따라 비례하여 힘을 주는 것이 좋을 수도 나쁠수도 있다. #데이터에 이상치(outlier)가 있다면 비례하여 힘을 줄경우 이상값에 의해 파라미터의 변화가 커진다. 하지만 고정값 -1,+1,0으로 줄경우 #큰 영향을 받지 않으므로 잘 견딘다고(robustness) 할 수 있다. #SVM을 뉴럴 네트워크로 일반화 하기 #SVM은 매우 간단한 함수 이다. 이 회로를 2개의 레이어를 가진 뉴럴 네트워크로 확장시켜 보자. a1 = random.random()-0.5 a2 = random.random()-0.5 a3 = random.random()-0.5 a4 = random.random()-0.5 b1 = random.random()-0.5 b2 = random.random()-0.5 b3 = random.random()-0.5 b4 = random.random()-0.5 c1 = random.random()-0.5 c2 = random.random()-0.5 c3 = random.random()-0.5 c4 = random.random()-0.5 d4 = random.random()-0.5 for i in range(400): r = floor(random.random()*6) x = data[r][0] y = data[r][1] l = label[r] n1 = 0 > a1*x+b1*y+c1 and 0 or a1*x+b1*y+c1 n2 = 0 > a2*x+b2*y+c2 and 0 or a2*x+b2*y+c2 n3 = 0 > a3*x+b3*y+c3 and 0 or a3*x+b3*y+c3 score = a4*n1 + b4*n2 + c4*n3 + d4 pull = 0.0 if(l == 1 and score < 1): pull = 1 if(l == -1 and score > -1): pull = -1 dscore = pull da4 = n1*dscore dn1 = a4*dscore db4 = n2*dscore dn2 = b4*dscore dc4 = n3*dscore dn3 = c4*dscore dd4 = 1.0*dscore dn3 = n3 == 0 and 0 or dn3 dn2 = n2 == 0 and 0 or dn2 dn1 = n3 == 0 and 0 or dn1 da1 = x * dn1 db1 = y * dn1 dc1 = 1.0 * dn1 da2 = x * dn2 db2 = y * dn2 dc2 = 1.0 * dn2 da3 = x * dn3 db3 = y * dn3 dc3 = 1.0 * dn3 da1 += -a1; da2 += -a2; da3 += -a3; db1 += -b1; db2 += -b2; da3 += -b3; da4 += -a4; db4 += -b4; dc4 += -c4; step_size = 0.01 a1 += step_size * da1; b1 += step_size * db1; c1 += step_size * dc1; a2 += step_size * da2; b2 += step_size * db2; c2 += step_size * dc2; a3 += step_size * da3; b3 += step_size * db3; c3 += step_size * dc3; a4 += step_size * da4; b4 += step_size * db4; c4 += step_size * dc4; d4 += step_size * dd4; #전통적인 방법 #포스명세서라 하지 않고 손실함수(목정함수,비용함수)라고 부른다 #2d 서포트벡터 머신의 손실함수는 참고사이트에서 확인 X = [[1.2,0.7],[-0.3,0.5],[3,2.5]] y = [1,-1,1] w = [0.1,0.2,0.3] alpha = 0.1 total_cost = 0.0 for i in range(len(X)): xi = X[i] score = w[0]*xi[0] + w[1]*xi[1]+w[2] yi = y[i] costi = 0 > -yi*score+1 and 0 or -yi*score+1 print('example {0} : xi = ({1}) and label = {2}',i,xi,yi) print(' score computed to be {0}',score) print(' => cost computed to be {0}',costi) total_cost += costi reg_cost = alpha*(w[0]*w[0]+w[1]*w[1]) print('regularzization cost for current model is {0}',reg_cost) total_cost += reg_cost print('total cost is {0}',total_cost)

12월 24, 2017 · Jaejin Jang

실수치 회로, 역전파

해커가 알려주는 뉴럴 네트워크를 공부한 내용 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 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 91 92 93 94 95 96 97 98 99 100 101 102 103 104 105 106 107 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123 124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247 248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371 372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495 496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531 532 533 534 535 536 537 import sys import random from math import exp class rgate: def mul(x,y): return x*y def add(x,y): return x+y class unit: value = 0.0 grad = 0.0 def __init__(self, value=0.0,grad=0.0): self.value = value self.grad = grad class u: value = 0.0 grad = 0.0 def __init__(self, value=0.0,grad=0.0): self.value = value self.grad = grad class mg: u0 = None u1 = None ru = None def __init__(self, u0=None,u1=None): self.u0 = None self.u1 = None self.ru = None def f(self, u0, u1): self.u0 = u0 self.u1 = u1 self.ru = unit(u0.value*u1.value,0) return self.ru def b(self): self.u0.grad += self.ru.grad * self.u1.value self.u1.grad += self.ru.grad * self.u0.value class ag: u0 = None u1 = None ru = None def f(self,u0, u1): self.u0 = u0 self.u1 = u1 self.ru = unit(u0.value+u1.value,0) return self.ru def b(self): self.u0.grad += self.ru.grad*1 self.u1.grad += self.ru.grad*1 class sg: u0 = None ru = None def sig(self, x): return 1/(1+exp(-x)) def f(self,u0): self.u0 = u0 self.ru = unit(self.sig(self.u0.value), 0) return self.ru def b(self): s = self.sig(self.u0.value) self.u0.grad += (s*(1-s))*self.ru.grad def fc(a,b,c,x,y): return 1/(1+exp(-(a*x+b*y+c))) class sqg: u0 = None ru = None def f(self,u0): self.u0 = u0 self.ru = unit(self.u0.value*self.u0.value,0.0) return self.ru def b(self): self.u0.grad += 2*self.u0.value*self.ru.grad class dg: u0 = None u1 = None ru = None def f(self,u0=unit(1.0,0.0),u1=unit(1.0,0.0)): self.u0 = u0 self.u1 = u1 self.ru = unit(self.u0.value/self.u1.value,0.0) return self.ru def b(self): self.u0.grad += (-1/(self.u0.value*self.u0.value)) class mag:#max gate u0 = None u1 = None ru = None def f(self,u0,u1): self.u0 = u0 self.u1 = u1 self.ru = unit(self.u0.value > self.u1.value and self.u0.value or self.u1.value , 0.0) return self.ru def b(self): self.u0.grad += self.ru.value == self.u0.value and 1.0*self.ru.grad or 0 self.u1.grad += self.ru.value == self.u1.value and 1.0*self.ru.grad or 0 class rg:#ReLU gate u0 = None ru = None def f(self,u0): self.u0 = u0 self.ru = unit(self.u0.value > 0 and self.u0.value or 0 , 0.0) return self.ru def b(self): self.u0.grad += self.ru.value > 0 and 1.0*self.ru.grad or 0 def sig(a): return 1/(1+exp(-a)) if __name__=='__main__': """ #Random Local Search,출력을 임의로 변화시켜 더 나은 출력을 찾는다 print(rgate.mul(1,2)) x = -2 y = 3 best_x = x best_y = y x_try=0 y_try=0 tweak_amout = 0.01 out = 0; best_out = -sys.maxsize-1 for each in range(100): print(each) x_try = x + tweak_amout*(random.random()*2-1) y_try = y + tweak_amout*(random.random()*2-1) out = rgate.mul(x_try,y_try) if(out>best_out): best_out = out best_x = x_try best_y = y_try print(best_x,best_y,best_out) """ """ #Numerical Gradient, 간단한 계산을 통해 기울기를 찾고 더 나은 출력을 도출해낸다 #기울기는 더 나은 출력을 위한 최선의 방향을 의미한다 #단일 뉴런으로 볼때는 큰 스텝이 좋은 출력을 내지만, 복잡하게 꼬여있는 경우 스텝이 크면 예상을 벗어나는 값이 나올 수 있다. #스텝의 크기는 눈을 가리고 언덕을 오를때의 보폭의 크기로 비유할 수 있다. 작으면 느리지만 확실하게 언덕을 오를 수 있지만, 크면 빠를수 있지만 다칠수 있다. x =-2 y = 3 out = rgate.mul(x,y) h = 0.0001 x_derivative = (rgate.mul(x+h,y)-out)/h y_derivative = (rgate.mul(x,y+h)-out)/h print(x_derivative) print(y_derivative) step_size = 0.01 out = rgate.mul(x,y) print(out) x = x + step_size*x_derivative y = y + step_size*y_derivative new_out = rgate.mul(x,y) print(new_out) """ """ #Analytic Gradient #기울기를 입,출력의 변화로 부터 계산할 경우 입력을 개수에 따라 계산하는 비용이 선형적으로 증가한다. #수백만 수억개가 있을때는 큰 비용이 들게 된다. #이 방법을 입출력에 변화를 주어 계산할 필요 없이, 미분공식으로 기울기는 구한다 x =-2 y = 3 out = rgate.mul(x,y) x_derivative = y #미분 결과에 의해 y_derivative = x #미분 결과에 의해 step_size = 0.01 out = rgate.mul(x,y) print(out) x = x + step_size*x_derivative y = y + step_size*y_derivative new_out = rgate.mul(x,y) print(new_out) """ """ 뉴럴네트워크 라이브러리를 기울기를 구할때 #3 공식기울기를 사용하지만, 검증은 계산기울기를 통해서 한다. 공식기울기는 효율적이지만 때로는 틀릴수도 있는 반면, 계산기울기는 비용은 크지만 확실한 값이다. """ """ #Backpropagation #연결된 게이트에서 #3공식기울기를 구할때는 체인룰을 적용한다. 체인룰은 곱셈으로 연결시키는 것이다. x = -2; y = 5; z =-4 q = rgate.add(x,y) f = rgate.mul(q,z) #print(q) print(f) d_f_wrt_q = z d_f_wrt_z = q d_q_wrt_x = 1.0 d_q_wrt_y = 1.0 d_f_wrt_x = d_q_wrt_x*d_f_wrt_q d_f_wrt_y = d_q_wrt_y*d_f_wrt_q g = [d_f_wrt_x,d_f_wrt_y,d_f_wrt_z] step = 0.01 x=x+step*g[0] y=y+step*g[1] z=z+step*g[2] q = rgate.add(x,y) f = rgate.mul(q,z) #print(q) print(f) """ a = unit(1.0, 0.0) b = unit(2.0, 0.0) c = unit(-3.0, 0.0) x = unit(-1.0, 0.0) y = unit(3.0 ,0.0) mg0 = mg() mg1 = mg() ag0 = ag() ag1 = ag() sg0 = sg() m1 = mg0.f(a, x) m2 = mg1.f(b, y) a1 = ag0.f(m1, m2) a2 = ag1.f(a1, c) s = sg0.f(a2) print(s.value) sg0.ru.grad = 1.0 sg0.b() ag0.b() ag1.b() mg0.b() mg1.b() step = 0.01 a.value += step*a.grad b.value += step*b.grad c.value += step*c.grad x.value += step*x.grad y.value += step*y.grad ax = mg0.f(a, x) by = mg1.f(b, y) ag0 = ag0.f(ax, by) ag1 = ag1.f(ag0, c) s = sg0.f(ag1) print(s.value) h = 0.001 a = 1 b = 2 c = -3 x = -1 y = 3 ga = (fc(a+h,b,c,x,y)-fc(a,b,c,x,y))/h gb = (fc(a,b+h,c,x,y)-fc(a,b,c,x,y))/h gc = (fc(a+h,b,c+h,x,y)-fc(a,b,c,x,y))/h gx = (fc(a+h,b,c,x+h,y)-fc(a,b,c,x,y))/h gy = (fc(a+h,b,c,x,y+h)-fc(a,b,c,x,y))/h print(ga) print(gb) print(gc) print(gx) print(gy) # * gate print() print("* gate") a = u(11.0,0.0) b = u(22.0,0.0) mg1 = mg() r1 = mg1.f(a,b) r1.grad = 1.0 mg1.b() da = mg1.u0.grad; print(da) db = mg1.u1.grad; print(db) print('------') # + gate print("+ gate") a = u(11.0,0.0) b = u(22.0,0.0) ag1 = ag() r1 = ag1.f(a,b) r1.grad = 1.0 ag1.b() da = ag1.u0.grad; print(da) db = ag1.u1.grad; print(db) print('------') # + gate, 3var print("+ gate, 3th var") #input def a = u(11.0,0.0) b = u(22.0,0.0) c = u(33.0,0.0) #gate def ag1 = ag() ag2 = ag() #cal f r1 = ag1.f(a,b) r2 = ag2.f(r1,c) #cal b r2.grad = 1.0 ag2.b() #r1.grad = ag2.u0.grad ag1.b() #print derivative dc = ag2.u0.grad; print(dc) db = ag1.u1.grad; print(db) da = ag1.u0.grad; print(da) print('------') # mixed gate print("mixed gate") #input def a = u(1.0,0.0) b = u(2.0,0.0) c = u(3.0,0.0) #gate def mg1 = mg() ag1 = ag() #cal f r1 = mg1.f(a,b) r2 = ag1.f(r1,c) #cal b r2.grad = 1.0 ag1.b() #r1.grad = ag1.u0.grad mg1.b() #print derivative dc = ag1.u0.grad; print(dc) db = mg1.u1.grad; print(db) da = mg1.u0.grad; print(da) print('------') # square gate print("square gate") #input def a = u(11.0,0.0) #gate def s1 = sqg() #cal f r1 = s1.f(a) #cal b r1.grad = 1.0 s1.b() #print derivative da = s1.u0.grad; print(da) print('------') # single neuron,ax+by+c print("single neuron,ax+by+c") #input def a = u(1.0,0.0) b = u(2.0,0.0) c = u(3.0,0.0) x = u(4.0,0.0) y = u(5.0,0.0) #gate def mg1 = mg() mg2 = mg() ag1 = ag() ag2 = ag() sg1 = sg() #cal f r1 = mg1.f(a,x) r2 = mg2.f(b,y) r3 = ag1.f(r1,r2) r4 = ag2.f(r3,c) r5 = sg1.f(r4) #cal b r5.grad = 1.0 sg1.b() #r4.grad = sg1.u0.grad ag2.b() #r3.grad = ag2.u0.grad ag1.b() #r2.grad = ag1.u1.grad mg2.b() #r1.grad = ag1.u0.grad mg1.b() #print derivative da = mg1.u0.grad; print(da) db = mg2.u0.grad; print(db) dc = ag2.u1.grad; print(dc) dx = mg1.u1.grad; print(dx) dy = mg2.u1.grad; print(dy) print('------') # Math.pow(((a*b+c),2); print("Math.pow(((a*b+c),2) gate") #input def a = u(3.0,0.0) b = u(2.0,0.0) c = u(1.0,0.0) #gate def mg1 = mg() ag1 = ag() sq1 = sqg() #cal f r1 = mg1.f(a,b) r2 = ag1.f(r1,c) r3 = sq1.f(r2) #cal b r3.grad = 1.0 sq1.b() ag1.b() mg1.b() #print derivative da = mg1.u0.grad; print(da) db = mg1.u1.grad; print(db) dc = ag1.u1.grad; print(dc) print('------') # division gate print("division gate") #input def a = u(3.0,0.0) #gate def dg1 = dg() #cal f r1 = dg1.f(a) #cal b r1.grad = 1.0 dg1.b() #print derivative da = dg1.u0.grad; print(da) print('------') # max gate print("max gate") #input def a = u(1.0,0.0) b = u(2.0,0.0) #gate def mag1 = mag() #cal f r1 = mag1.f(a,b) #cal b r1.grad = 1.0 mag1.b() #print derivative da = mag1.u0.grad; print(da) db = mag1.u1.grad; print(db) print('------') # ReLU gate print("ReLU gate") #input def a = u(1.0,0.0) #gate def rg1 = rg() #cal f r1 = rg1.f(a) #cal b r1.grad = 1.0 rg1.b() #print derivative da = rg1.u0.grad; print(da) print('------') # mixed gate, (a+b)/(c+d) print("mixed gate, (a+b)/(c+d)") #input def a = u(1.0,0.0) b = u(2.0,0.0) c = u(3.0,0.0) d = u(4.0,0.0) #gate def ag1 = ag() ag2 = ag() dg1 = dg() mg1 = mg() #cal f r1 = ag1.f(a,b) r2 = ag2.f(c,d) r3 = dg1.f(r2) r4 = mg1.f(r1,r3) #cal b r4.grad = 1.0 mg1.b() dg1.b() ag1.b() ag2.b() #print derivative da = ag1.u0.grad; print(da) db = ag1.u1.grad; print(db) dc = ag2.u0.grad; print(dc) dd = ag2.u1.grad; print(dd) print('------')

12월 23, 2017 · Jaejin Jang