Say Hi to CNN

Table of Contents

1. 神經網路解題步驟

使用神經網路解決問題可大致分為兩個步驟:「學習」與「推論」。

  • 學習指使用訓練資料進行權重參數的學習
  • 推論指使用學習過的參數進行資料分類

而實際的動手實作可再細分為以下幾個步驟

  1. 收集資料 (Gathering data)
  2. 準備數據 (Preparing that data)
  3. 選擇模型 (Choosing a model)
  4. 訓練機器 (Training)
  5. 評估分析 (Evaluation)
  6. 調整參數 (Hyperparameter tuning)
  7. 預測推論 (Prediction)

實際動手玩一下神經網路架構: Tensorflow Playground

2. 收集資料

2.1. 資料類型

  1. 人工收集
    • 預測股市股價: 開盤、收盤、成交量、技術指標、財務指標、籌碼指標等等
    • 以物品識別:大量物品照片並給予名稱(label)
    • 以注音符號手寫辨識: 大量手寫照片及其對應答案(label)
  2. 現成資料集
    • MNIST
      資料集由 0~9 的數字影像構成(如圖1),共計 60000 張訓練影像、10000 張測試影像。

      MNIST.jpg

      Figure 1: MNIST 資料集內容範例

    • Boston housing
      預測目標:房地產價格,特徵包括房地產客觀數據,如年份、平面大小
    • Iris
      鳶尾花資料集是非常著名的生物資訊資料集之一,取自美國加州大學歐文分校的機器學習資料庫,資料的筆數為150筆,共有五個欄位:花萼長度(Sepal Length)、花萼寬度(Sepal Width)、花瓣長度(Petal Length) 、花瓣寬度(Petal Width)、類別(Class):可分為Setosa,Versicolor和Virginica三個品種。

      cqy409dEexm96zavyuw.png

      Figure 2: Iris資料集

    • Cifar-10
      由深度學習大師 Geoffrey Hinton 教授與其在加拿大多倫多大學的學生 Alex Krixhevsky 與 Vinoid Nair 所整理之影像資料集, 包含 6 萬筆 32*32 低解析度之彩色圖片, 其中 5 萬筆為訓練集; 1 萬筆為測試集, 是機器學習中常用的圖片辨識資料集

      cifar10-ten-categories.jpg

      Figure 3: Cifar-10

2.2. DEMO

from keras.datasets import mnist
(x_Train, y_Train), (x_Test, y_Test) = mnist.load_data()

3. 準備數據 (Preparing that data)

當我們在比較分析兩組數據資料時,可能會遭遇因單位的不同(例如:身高與體重),或數字大小的代表性不同(例如:粉專1萬人與滿足感0.8),造成各自變化的程度不一,進而影響統計分析的結果。1

資料的正規化(Normalization)是將原始資料的數據按比例縮放於 [0, 1] 區間中,且不改變其原本分佈。

normalized.png

Figure 4: 資料正規化

正規化有兩種常用的方法,可以將不同規模的特徵轉化為相同的規模:常態化(normalization)和標準化(standardization):

3.1. 常態化

將特徵值縮化為 0~1 間,這是「最小最大縮放」(min-max scaling)的一個特例,某一特徵值的常態化做法如下:
\[x_{norm}^i = \frac{x^i-x_{min}}{x_{max}-x_{min}}\]
若以 scikit-learn 套件來完成實作,其程式碼如下:

from sklearn.preprocessing import MinMaxScaler
mms = MinMaxScaler()
X_train_norm = mms.fit_transform(X_train)
X_test_norm = mms.fit_transform(X_test)

3.2. 標準化

雖說常態化簡單實用,但對許多機器學習演算法來說(特別是梯度下降法的最佳化),標準化則更為實際,我們可令標準化後的特徵值其平均數為 0、標準差為 1,這樣一來,特徵值會滿足常態分佈,進而使演算法對於離群值不那麼敏感。標準化的公式如下:
\[x_{std}^i = \frac{x^i-\mu_x}{\sigma_x}\]
若以 scikit-learn 套件來完成實作,其程式碼如下:

from sklearn.preprocessing import StandardScaler
stdsc = StandardScaler()
X_train_std = stdsc.fit_transform(X_train)
X_test_std = stdsc.transform(X_test)

3.3. DEMO

x_train = x_train.reshape(60000, 784)
x_test = x_test.reshape(10000, 784)
x_train = x_train.astype('float32')
x_test = x_test.astype('float32')
x_train /= 255
x_test /= 255


y_TrainOneHot = np_utils.to_categorical(y_Train)
y_TestOneHot = np_utils.to_categorical(y_Test)

4. 選擇模型 (Choosing a model)

當數據都進行整理後,接下來就是要選擇訓練用的模型,像是決策樹、LSTM、RNN等等都是機器學習中常使用的訓練模型,其中目前較常拿來訓練股市的是「LSTM」,中文叫做長短期記憶,是屬於深度學習中的一個模型。

4.2. DEMO

  1. LSTM
    model = Sequential()
    model.add(LSTM(128,
                   input_shape=(x_train.shape[1:]),
                   activation='relu',
                   return_sequences=True))
    model.add(Dropout(0.2))
    model.add(LSTM(128, activation='relu'))
    model.add(Dropout(0.1))
    model.add(Dense(32, activation='relu'))
    model.add(Dropout(0.2))
    model.add(Dense(10, activation='softmax'))
    
    
    
  2. CNN
    model = Sequential()
    model.add(Dense(units=128,
                    input_dim=784,
                    kernel_initializer='normal',
                    activation='relu'))
    model.add(Dense(64, activation='relu')
    model.add(Dense(units=10,
                    kernel_initializer='normal',
                    activation='softmax'))
    
    
    

    MNIST-CNN.png

    Figure 5: MNIST-NeuralNet

5. 訓練機器 (Training)

選擇好訓練模型後,再來要將訓練集資料丟進去模型中做訓練,每層要放多少神經元、要跑幾層等等都會影響模型訓練出來的結果,這部分只能靠經驗跟不斷嘗試去學習,或是上網多爬文看別人怎麼撰寫訓練模型

在真正訓練前應該再設定好模型的loss function, optimizer。

5.2. DEMO

  1. LSTM
    # ptimizer, loss function
    model.compile(optimizer=Adam(lr=0.001),
                  loss='categorical_crossentropy',
                  metrics=['accuracy'])
    
    model.fit(x_train, y_train,
              epochs=3,
              validation_data=(x_test, y_test))
    
  2. CNN
    # optimizer, loss function
    model.compile(loss='categorical_crossentropy',
                  optimizer='adam', metrics=['accuracy'])
    
    model.fit(x=x_Train,
              y=y_TrainOneHot,
              validation_split=0.2,
              epochs=5, batch_size=30, verbose=2)
    

6. 評估分析 (Evaluation)

當模型訓練完成後,接下來就是判斷該模型是否有過度擬合(overfitting),這裡就是帶入測試集的資料進行評估,也可以嘗試利用交叉驗證的方式進行模型的擬合性判斷,以及利用RESM、MSE等統計計算來判斷模型的準確度

scores = model.evaluate(x_Train, y_TestOneHot)

7. 調整參數 (Hyperparameter tuning)

到這大致上模型已經完成了50%,最後的一步就是進行參數的微調,我們也稱為「超參數 (Hyperparamters)」,讓整個模型更加的精準,但也不能過度的調整,因為會造成overfitting的結果,這個取捨就只能依照無窮盡的反覆迭帶去尋找了,這部分也是相對較耗時間的地方

7.2. Hyperparameters

8. 預測推論 (Prediction)

到此,模型已經正式完成,但對於全新沒影響過的數據則是一個未知數,由於在上方訓練模型中,我們不論是訓練集或是測試集都是被模型所影響過的,如果過度擬合,那麼未來丟入新的資料就很可能無法那麼精準,這部分就只能不斷丟入新資料來推論我們模型的預測能力是否有泛化

prediction = model.predict_classes(x_Test4D_normalize)
print(prediction[:10])

9. DEMO 1: Regression

9.1. 產生數據

import matplotlib.pyplot as plt
import numpy as np

x = np.random.uniform(0.0, 3, (2000))
y = 78 + 7.8*x + np.random.normal(0.0, 3, len(x))

plt.scatter(x, y)



x_Train = x[:1500]
x_Test = x[1500:]
y_Train = y[:1500]
y_Test = y[1500:]

9.2. 建立model

from keras.models import Sequential
from keras.layers import Dense
from keras.layers import Dropout

# A simple regression model
model = Sequential()
model.add(Dense(4, input_shape=(1,)))
model.add(Dropout(0.5))
model.add(Dense(8, input_shape=(1,)))
model.add(Dropout(0.5))
model.add(Dense(1, input_shape=(1,)))
model.compile(loss='mse', optimizer='rmsprop')

9.3. 訓練model

# The fit() method - trains the model
train_history = model.fit(x=x_Train, y=y_Train,
                          validation_split=0.2,
                          epochs=1000, batch_size=200,
                          verbose=0)

9.4. 查看訓練過程

print(train_history.history)
print(train_history.history.keys())

import matplotlib.pyplot as plt
plt.title('Train History')
plt.ylabel('loss')
plt.xlabel('Epoch')
plt.plot(train_history.history['loss'])
plt.plot(train_history.history['val_loss'])
plt.show()

9.5. 評估model

# The evaluate() method - gets the loss statistics
score = model.evaluate(x_Test, y_Test, batch_size=200)
print(score)

9.6. 預測結果

# The predict() method - predict the outputs for the given inputs
model.predict(np.expand_dims(x_Test[:3],1))
print(x_Test[:3])
print(y_Test[:3])
model.predict(x_Test[:3])

9.7. 調整model/參數

  1. model架構
  2. loss function
  3. optimizer
  4. hyper parameters
  5. #1
    # A simple regression model
    model = Sequential()
    model.add(Dense(4, input_shape=(1,)))
    model.add(Dense(8, input_shape=(1,)))
    model.add(Dense(4, input_shape=(1,)))
    model.add(Dense(1, input_shape=(1,)))
    model.compile(loss='mean_squared_error', optimizer='rmsprop')
    #mean_squared_logarithmic_error
    #mean_absolute_percentage_error
    
    
  6. #2
    model = Sequential()
    model.add(Dense(4, input_shape=(1,)))
    model.add(Dense(8, input_shape=(1,)))
    model.add(Dense(16, input_shape=(1,)))
    model.add(Dense(32, input_shape=(1,)))
    model.add(Dense(16, input_shape=(1,)))
    model.add(Dense(4, input_shape=(1,)))
    model.add(Dense(1, input_shape=(1,)))
    model.compile(loss='mse', optimizer='rmsprop') 
    

10. 練習: Regression

10.1. 數據

import numpy as np

# Seed the random number generator for reproducibility
np.random.seed(0)

x_data = np.linspace(-10, 10, num=2000)
y_data = 2.9 * np.sin(1.5 * x_data) + np.random.normal(size=len(x_data))

plt.scatter(x_data, y_data)

random_curve.png

Figure 6: CNN練習

11. DEMO 2: MNIST 資料集

11.1. MNIST

  • MNIST 是機器學習領域中相當著名的資料集,號稱機器學習領域的「Hello world.」,其重要性不言可喻。
  • MNIST 資料集由 0~9 的數字影像構成(如圖1),共計 60000 張訓練影像、10000 張測試影像。
  • 一般的 MMIST 資料集的用法為:使用訓練影像進行學習,再利用學習後的模型預測能否正確分類測試影像。

準備資料是訓練模型的第一步,基礎資料可以是網上公開的資料集,也可以是自己的資料集。視覺、語音、語言等各種型別的資料在網上都能找到相應的資料集。

11.2. 準備 MNIST 資料

MNIST 數據集來自美國國家標準與技術研究所, National Institute of Standards and Technology (NIST). 訓練集 (training set) 由來自 250 個不同人手寫的數字構成, 其中 50% 是高中學生, 50% 來自人口普查局 (the Census Bureau) 的工作人員. 測試集(test set) 也是同樣比例的手寫數字數據。MNIST 數據集可在 http://yann.lecun.com/exdb/mnist/ 獲取, 它包含了四個部分:

  1. Training set images: train-images-idx3-ubyte.gz (9.9 MB, 解壓後 47 MB, 包含 60,000 個樣本)
  2. Training set labels: train-labels-idx1-ubyte.gz (29 KB, 解壓後 60 KB, 包含 60,000 個標籤)
  3. Test set images: t10k-images-idx3-ubyte.gz (1.6 MB, 解壓後 7.8 MB, 包含 10,000 個樣本)
  4. Test set labels: t10k-labels-idx1-ubyte.gz (5KB, 解壓後 10 KB, 包含 10,000 個標籤)
  1. load data

    MNIST 資料集是一個適合拿來當作 TensotFlow 的練習素材,在 Tensorflow 的現有套件中,也已經有內建好的 MNIST 資料集,我們只要在安裝好 TensorFlow 的 Python 環境中執行以下程式碼,即可將 MNIST 資料成功讀取進來。.

    import tensorflow as tf
    mnist = tf.keras.datasets.mnist
    (x_train, y_train), (x_test, y_test) = mnist.load_data() (get-keras-mnist)
    

    在訓練模型之前,需要將樣本資料劃分為訓練集、測試集,有些情況下還會劃分為訓練集、測試集、驗證集。由上述程式第get-keras-mnist行可知,下載後的 MNIST 資料分成訓練資料(training data)與測試資料(testing data),其中 x 為圖片、y為所對應數字。

    import tensorflow as tf
    mnist = tf.keras.datasets.mnist
    (x_train, y_train), (x_test, y_test) = mnist.load_data()
    # =====================================
    # 判斷資料形狀
    print(x_train.shape)
    print(x_test.shape)
    # 第一個label的內容
    print(y_train[0])
    # 顯示影像內容
    import matplotlib.pylab as plt
    img = x_train[0]
    plt.imshow(img)
    plt.savefig("MNIST-Image.png")
    
    (60000, 28, 28)
    (10000, 28, 28)
    5
    

    由上述程式輸出結果可以看到載入的 x 為大小為 28*28 的圖片共 60000 張,每一筆 MNIST 資料的照片(x)由 784 個 pixels 組成(28*28),照片內容如圖7,訓練集的標籤(y)則為其對應的數字(0~9),此例為 5。

    MNIST-Image.png

    Figure 7: MNIST 影像示例

    x 的影像資料為灰階影像,每個像素的數值介於 0~255 之間,矩陣裡每一項的資料則是代表每個 pixel 顏色深淺的數值,如下圖8所示:

    MNIST-Matrix.png

    Figure 8: MNIST 資料矩陣

    載入的 y 為所對應的數字 0~9,在這我們要運用 keras 中的 np_under_utils.to_under_categorical 將 y 轉成 one-hot 的形式,將他轉為一個 10 維的 vector,例如:我們所拿到的資料為 y=3,經過 np_utils.to_categorical,會轉換為 y=[0,0,0,1,0,0,0,0,0,0]。這部份的轉換程式碼如下:

    from keras.datasets import mnist
    from keras.utils import np_utils
    import tensorflow as tf
    
    mnist = tf.keras.datasets.mnist
    (x_train, y_train), (x_test, y_test) = mnist.load_data()
    # =====================================
    # 將圖片轉換為一個60000*784的向量,並且標準化
    x_train = x_train.reshape(60000, 784).astype('float32')
    x_test = x_test.reshape(10000, 784).astype('float32')
    x_train = x_train/255
    x_test = x_test/255
    # 將y轉換成one-hot encoding
    y_train = np_utils.to_categorical(y_train, 10)
    y_test = np_utils.to_categorical(y_test, 10)
    # 回傳處理完的資料
    print(y_train[0])
    
    import numpy as np
    np.set_printoptions(precision=2)
    #print(x_train[0])
    
    [0. 0. 0. 0. 0. 1. 0. 0. 0. 0.]
    

11.3. MNIST 的推論處理

如圖5所示,MNIST 的推論神經網路最前端的輸入層有 784 (\(28*28=784\))個神經元,最後的輸出端有 10 個神經元(\(0~9\)個數字),至於中間的隠藏層有兩個,第 1 個隱藏層有 50 個神經元,第 2 層有 100 個。此處的 50、100 可以設定為任意數(如,也可以是 128、64)。

MNIST-CNN.png

Figure 9: MNIST-NeuralNet

11.4. MNIST 資料集:以 DNN Sequential 模型為例

此處以最簡單的 NN (Neural Network) 作為範例。以 Keras 的核心為模型,應用最常使用 Sequential 模型。藉由.add()我們可以一層一層的將神經網路疊起。在每一層之中我們只需要簡單的設定每層的大小(units)與激勵函數(activation function)。需要特別記得的是:第一層要記得寫輸入的向量大小、最後一層的 units 要等於輸出的向量大小。在這邊我們最後一層使用的激活函數(activation function)為 softmax。

  1. Import Library
    from keras.datasets import mnist
    from keras.utils import np_utils
    import numpy as np
    np.random.seed(10)
    
  2. 資料預處理
    (x_Train, y_Train), (x_Test, y_Test) = mnist.load_data()
    import matplotlib.pyplot as plt
    
    ##print(x_Train[1].shape)
    #print(x_Train[1])
    #plt.imshow(x_Train[1])
    ##y_Train[1]
    
    x_Train=x_Train.reshape(x_Train.shape[0],28,28,1).astype('float32')
    x_Test=x_Test.reshape(x_Test.shape[0],28,28,1).astype('float32')
    #x_Train4D[1].shape
    #print(x_Train4D[1])
    
    x_Train = x_Train / 255
    x_Test = x_Test / 255
    
    y_Train = np_utils.to_categorical(y_Train)
    y_Test = np_utils.to_categorical(y_Test)
    
  3. 建立模型

    activation function的選擇: Keras API reference / Layers API / Layer activation functions

    from keras.models import Sequential
    from keras.layers import Dense
    from keras.layers import Dropout
    
    model = Sequential()
    #將模型疊起
    model.add(Dense(input_dim=28*28,units=128,activation='relu'))
    model.add(Dense(units=64,activation='relu'))
    model.add(Dense(units=10,activation='softmax'))
    # model.summary()
    
  4. 訓練模型

    Model training APIs

    model.compile(loss='categorical_crossentropy',
                  optimizer='adam',metrics=['accuracy'])
    
    train_history=model.fit(x=x_Train,
                            y=y_Train,validation_split=0.2,
                            epochs=6, batch_size=300,verbose=2)
    
  5. 查看訓練過程
    import matplotlib.pyplot as plt
    def show_train_history(train_acc,test_acc):
        plt.plot(train_history.history[train_acc])
        plt.plot(train_history.history[test_acc])
        plt.title('Train History')
        plt.ylabel('Accuracy')
        plt.xlabel('Epoch')
        plt.legend(['train', 'test'], loc='upper left')
        plt.show()
    
    show_train_history('accuracy','val_accuracy')
    show_train_history('loss','val_loss')
    
  6. 評估模型準確率
    scores = model.evaluate(x_Test , y_Test, batch_size = 200)
    scores[1]
    
  7. 實際預測結果
    prediction=model.predict_classes(x_Test)
    prediction[:10]
    
    import matplotlib.pyplot as plt
    def plot_images_labels_prediction(images,labels,prediction,idx,num=10):
        fig = plt.gcf()
        fig.set_size_inches(12, 14)
        if num>25: num=25
        for i in range(0, num):
            ax=plt.subplot(5,5, 1+i)
            ax.imshow(images[idx], cmap='binary')
    
            ax.set_title("label=" +str(labels[idx])+
                         ",predict="+str(prediction[idx])
                         ,fontsize=10)
    
            ax.set_xticks([]);ax.set_yticks([])
            idx+=1
        plt.show()
    plot_images_labels_prediction(x_Test,y_Test,prediction,idx=0) #要用到原始的值
    
  8. confusion matrix
    import pandas as pd
    pd.crosstab(y_Test,prediction,
                rownames=['label'],colnames=['predict'])
    
    # 載入資料
    from keras.datasets import mnist
    from keras.utils import np_utils
    
    def load_data():
        # 載入minst的資料
        (x_train, y_train), (x_test, y_test) = mnist.load_data()
        # 將圖片轉換為一個60000*784的向量,並且標準化
        x_train = x_train.reshape(x_train.shape[0], 28*28)
        x_test = x_test.reshape(x_test.shape[0], 28*28)
        x_train = x_train.astype('float32')
        x_test = x_test.astype('float32')
        x_train = x_train/255
        x_test = x_test/255
        # 將y轉換成one-hot encoding
        y_train = np_utils.to_categorical(y_train, 10)
        y_test = np_utils.to_categorical(y_test, 10)
        # 回傳處理完的資料
        return (x_train, y_train), (x_test, y_test)
    
    import numpy as np
    from keras.models import Sequential
    from keras.layers.core import Dense,Activation
    from keras.optimizers import  Adam
    
    def build_model():#建立模型
        model = Sequential()
        #將模型疊起
        model.add(Dense(input_dim=28*28,units=128,activation='relu'))
        model.add(Dense(units=64,activation='relu'))
        model.add(Dense(units=10,activation='softmax'))
        model.summary()
        return model
    
    # 開始訓練模型,此處使用了Adam做為我們的優化器,loss function選用了categorical_crossentropy。
    (x_train,y_train),(x_test,y_test)=load_data()
    model = build_model()
    #開始訓練模型
    model.compile(loss='categorical_crossentropy',optimizer="adam",metrics=['accuracy'])
    model.fit(x_train,y_train,batch_size=100,epochs=5)
    #顯示訓練結果
    score = model.evaluate(x_train,y_train)
    print ('\nTrain Acc:', score[1])
    score = model.evaluate(x_test,y_test)
    print ('\nTest Acc:', score[1])
    
    ### 進行預測
    prediction = model.predict_classes(x_Test4D_normalize)
    print(prediction[:10])
    plot_images_labels_prediction("CNN_MNist", x_Test, y_Test, prediction, idx=0)
    import pandas as pd
    p = pd.crosstab(y_Test, prediction, rownames=['label'], colnames=['predict'])
    print(p)
    
    
    _________________________________________________________________
    Layer (type)                 Output Shape              Param #
    =================================================================
    dense_1 (Dense)              (None, 500)               392500
    _________________________________________________________________
    dense_2 (Dense)              (None, 500)               250500
    _________________________________________________________________
    dense_3 (Dense)              (None, 500)               250500
    _________________________________________________________________
    dense_4 (Dense)              (None, 10)                5010
    =================================================================
    Total params: 898,510
    Trainable params: 898,510
    Non-trainable params: 0
    _________________________________________________________________
    Epoch 1/20
    
      100/60000 [..............................] - ETA: 2:55 - loss: 2.2917 - acc: 0.1300
      800/60000 [..............................] - ETA: 25s - loss: 1.6424 - ACM: 0.5362
    .......
    16300/60000 [=======>......................] - ETA: 4s - loss: 0.3752 - acc: 0.8898
    17000/60000 [=======>......................] - ETA: 4s - loss: 0.3681 - acc: 0.8916
    .......
    50600/60000 [========================>.....] - ETA: 0s - loss: 0.2232 - acc: 0.9335
    51300/60000 [========================>.....] - ETA: 0s - loss: 0.2220 - acc: 0.9338
    .......
    59700/60000 [============================>.] - ETA: 0s - loss: 0.2078 - acc: 0.9377
    60000/60000 [==============================] - 5s 81us/step - loss: 0.2074 - acc: 0.9379
    Epoch 2/20
    
      100/60000 [..............................] - ETA: 5s - loss: 0.0702 - acc: 0.9800
    ......
    60000/60000 [==============================] - 5s 77us/step - loss: 0.0832 - acc: 0.9740
    Epoch 3/20
    ......
    Epoch 29/20
    
       32/60000 [..............................] - ETA: 1:10
     1440/60000 [..............................] - ETA: 3s
    ......
    58496/60000 [============================>.] - ETA: 0s
    60000/60000 [==============================] - 2s 34us/step
    
    Train Acc: 0.9981666666666666
    
       32/10000 [..............................] - ETA: 0s
     1568/10000 [===>..........................] - ETA: 0s
     3104/10000 [========>.....................] - ETA: 0s
     4640/10000 [============>.................] - ETA: 0s
     6176/10000 [=================>............] - ETA: 0s
     7680/10000 [======================>.......] - ETA: 0s
     9184/10000 [==========================>...] - ETA: 0s
    10000/10000 [==============================] - 0s 33us/step
    
    Test Acc: 0.9823
    

12. 個人作業二

12.1. 背景

某醫學研究中心針對旗下醫院800名疑似患有「無定向喪心病狂間歇性全身機能失調症」的患者做了一份病徵研究,針對以下這些可能病徵進行程度檢驗

  1. 抑鬱
  2. 癲癇
  3. 精神分裂
  4. 輕挑驕傲
  5. 沒大沒小
  6. 有犯罪傾向
  7. 月經前緊張(男患者嚴重的話也有)
  8. 有自殺傾向

這800份資料可以點選這裡下載,每筆資料有九個欄位,前八欄分別對應到上述八項病徵,最後一欄為0/1,代表病患是否患有該病。

請你建立一個預測MODEL,以利該中心將來遇到類似病情的患者時只要先針對這些特徵值進行檢驗,即可了解該病例是否為此病患者,並即時予以適當治療。

12.2. 作業要求

  • 嗯,基本上就是自由心證,你能交多少就交多少,你想只交一張圖也行,你要從頭交待你在做什麼、每一個步驟有啥意義、一共測了幾種CASE、最後成果如何、你的心得….也行,看你的誠意啦-_-(這向來是最坑人的一句話)
  • 我是這樣覺得啦…model隨便叠一叠,精確度至少也不應該低於 0.8 吧…QQ

13. 小組作業三

13.1. Resources

  1. 如何讀取自己的資料: Loading Custom Image Dataset for Deep Learning Models: Part 1
  2. Typical steps for loading custom dataset for Deep Learning Models
    1. Open the image file. The format of the file can be JPEG, PNG, BMP, etc.
    2. Resize the image to match the input size for the Input layer of the Deep Learning model.
    3. Convert the image pixels to float datatype.
    4. Normalize the image to have pixel values scaled down between 0 and 1 from 0 to 255.
    5. Image data for Deep Learning models should be either a numpy array or a tensor object.
  3. Data augmentation

Footnotes:

Author: Yung Chin, Yen

Created: 2022-05-27 Fri 13:52