Graduate School/Neural Network
-
Import Library¶In [1]: import FinanceDataReader as fdrfrom sklearn.preprocessing import MinMaxScalerimport torchimport timeimport matplotlib.pyplot as plt%matplotlib inline Define LSTM model¶In [2]: class LSTM(torch.nn.Module) : def __init__(self, num_classes, input_size, hidden_size, num_layers, seq_length, device) : super(LSTM, self).__init__() self.num_classes = n..
LSTM을 이용한 주식 가격 예측Import Library¶In [1]: import FinanceDataReader as fdrfrom sklearn.preprocessing import MinMaxScalerimport torchimport timeimport matplotlib.pyplot as plt%matplotlib inline Define LSTM model¶In [2]: class LSTM(torch.nn.Module) : def __init__(self, num_classes, input_size, hidden_size, num_layers, seq_length, device) : super(LSTM, self).__init__() self.num_classes = n..
2024.09.10 -
Implement CNN Model¶Import Library¶In [1]: import scipy.io as sioimport matplotlib.pyplot as pltimport tensorflow as tfimport numpy as np%matplotlib inline 2022-12-07 17:52:14.633420: I tensorflow/core/util/util.cc:169] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To tur..
Face RecognitionImplement CNN Model¶Import Library¶In [1]: import scipy.io as sioimport matplotlib.pyplot as pltimport tensorflow as tfimport numpy as np%matplotlib inline 2022-12-07 17:52:14.633420: I tensorflow/core/util/util.cc:169] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To tur..
2024.09.10 -
Import Library¶In [1]: import tensorflow as tfimport numpy as npimport matplotlib.pyplot as plt%matplotlib inline 2022-11-23 17:10:00.971077: I tensorflow/core/util/util.cc:169] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `..
Image PredictionImport Library¶In [1]: import tensorflow as tfimport numpy as npimport matplotlib.pyplot as plt%matplotlib inline 2022-11-23 17:10:00.971077: I tensorflow/core/util/util.cc:169] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `..
2024.09.10 -
In [1]: import numpy as npimport tensorflow as tfimport timenp.random.seed(101) 2022-10-12 17:13:46.461742: I tensorflow/core/util/util.cc:169] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.build you..
Linear Classifier 02In [1]: import numpy as npimport tensorflow as tfimport timenp.random.seed(101) 2022-10-12 17:13:46.461742: I tensorflow/core/util/util.cc:169] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.build you..
2024.09.10 -
In [1]: import numpy as npnp.random.seed(101) build your own data¶x_train: [12, 4] y_train: [12, ] x_test: [4, 4] y_test: [4, ][1, 0, 0, 0] --> 0 [0, 1, 0, 0] --> 0 [0, 0, 1, 0] --> 1 [0, 0, 0, 1] --> 1In [2]: x_train = np.zeros(shape=[12, 4], dtype=np.float32)y_train = np.random.randint(0, 4, [12, ])print(x_train)print(y_train) [[0. 0. 0. 0.] [0. 0. 0. 0.] [0. 0. 0. 0.] ..
Linear Classifier 01In [1]: import numpy as npnp.random.seed(101) build your own data¶x_train: [12, 4] y_train: [12, ] x_test: [4, 4] y_test: [4, ][1, 0, 0, 0] --> 0 [0, 1, 0, 0] --> 0 [0, 0, 1, 0] --> 1 [0, 0, 0, 1] --> 1In [2]: x_train = np.zeros(shape=[12, 4], dtype=np.float32)y_train = np.random.randint(0, 4, [12, ])print(x_train)print(y_train) [[0. 0. 0. 0.] [0. 0. 0. 0.] [0. 0. 0. 0.] ..
2024.09.10