日韩精品一区二区三区高清_久久国产热这里只有精品8_天天做爽夜夜做爽_一本岛在免费一二三区

合肥生活安徽新聞合肥交通合肥房產生活服務合肥教育合肥招聘合肥旅游文化藝術合肥美食合肥地圖合肥社保合肥醫院企業服務合肥法律

代寫FIT3181: Deep Neural Networks
代寫FIT3181: Deep Neural Networks

時間:2024-09-03  來源:合肥網hfw.cc  作者:hfw.cc 我要糾錯


FIT3181: Deep Learning (2024)

Deep Neural Networks

Due: 11:55pm Sunday, 8 September 2024 (Sunday)

Important note: This is an individual assignment. It contributes 25% to your final mark. Read the assignment instructions carefully.

What to submit

This assignment is to be completed individually and submitted to Moodle unit site. By the due date, you are required to submit one single zip file, named  xxx_assignment01_solution.zip where  xxx is your student ID, to the corresponding Assignment (Dropbox) in Moodle. You can use Google Colab to do Assigmnent 1 but you need to save it to an   *.ipynb file to submit to the unit Moodle.

More importantly, if you use Google Colab to do this assignment, you need to first make a copy of this notebook on your Google drive .

For example, if your student ID is 12356, then gather all of your assignment solution to folder, create a zip file named 123456_assignment01_solution.zip and submit this file.

Within this zipfolder, you must submit the following files:

1. Assignment01_solution.ipynb: this is your Python notebook solution source file.

2. Assignment01_output.html: this is the output of your Python notebook solution exported in html format.

3. Any extra files or folder needed to complete your assignment (e.g., images used in your answers).

Since the notebook is quite big to load and work together, one recommended option is to split solution into three parts and work on them seperately. In that case, replace Assignment01_solution.ipynb by three notebooks: Assignment01_Part1_solution.ipynbAssignment01_Part2_solution.ipynb and Assignment01_Part3_solution.ipynb

You can run your codes on Google Colab. In this case, you have to make a copy of your Google colab notebook including the traces and progresses of model training before submitting.

Part 1: Theory and Knowledge Questions    [Total marks for this part: 30 points]

The first part of this assignment is to demonstrate your knowledge in deep learning that you have acquired from the lectures and tutorials materials. Most of the contents in this assignment are drawn from the lectures and tutorials from weeks 1 to 4. Going through these materials before attempting this part is highly   recommended.

Question 1.1 Activation function plays an important role in modern Deep NNs. For each of the activation functions below, state its output range, find its derivative (show your steps), and plot the activation fuction and its derivative

(b) Gaussian Error Linear Unit (GELU): GELU(x) = xΦ(x) where Φ(x) is the  probability cummulative function of the standard Gaussian distribution or  Φ(x) = P (X ≤ x) where X ~ N (0, 1) . In addition, the GELU activation fuction (the link for the main paper (https://arxiv.org/pdf/1606.08415v5.pdf)) has

been widely used in the state-of-the-art Vision for Transformers (e.g., here is the link for the main ViT paper (https://arxiv.org/pdf/2010.11929v2.pdf)).  [1.5 points]

Write your answer here. You can add more cells if needed.

Question 1.2: Assume that we feed a data point with a ground-truth label y = 2 to the feed-forward neural network with the  ReLU activation function as shown in the following figure 

(a) What is the numerical value of the latent presentation h1 (x)?  [1 point]

(b) What is the numerical value of the latent presentation h2 (x)?   [1 point]

(c) What is the numerical value of the logith3 (x)?   [1 point]

(d) What is the corresonding prediction probabilities p(x)?   [1 point]

(e) What is the predicted label y(^)? Is it a correct and an incorect prediction? Remind that y = 2. [1 point]

(f) What is the cross-entropy loss caused by the feed-forward neural network at (x, y)? Remind that y = 2.  [1 point]

(g) Why is the cross-entropy loss caused by the feed-forward neural network at (x, y) (i.e., CE(1y, p(x))) always non-negative? When does this CE(1y, p(x)) loss get the value 0? Note that you need to answer this question for a general pair (x, y) and a general feed-forward neural network with, for example M = 4  classes?   [1 point]

You must show both formulas and numerical results for earning full mark. Although it is optional, it is great if you show your PyTorch code for your computation.

Question 1.3:

For Question 1.3, you have two options:

·   (1) perform the forwardbackward propagationand SGD update for  one mini-batch (10 points), or

·   (2) manually implement a feed-forward neural network that can work on real tabular datasets (20 points).

You can choose either (1) or (2) to proceed.

Option 1         [Total marks for this option: 10 points]

Assume that we are constructing a multilayered feed-forward neural network for a classification problem with three classes where the model parameters will be generated randomly using your student IDThe architecture of this network is 3(Input) → 5(ELU) → 3(output) as shown in the following figure. Note that the ELU has the same formula as the one in Q1.1.

We feed a batch X with the labels Y as shown in the figure. Answer the following questions. 

You need to show both formulas, numerical results, and your PyTorch code for your computation for earning full marks.

In  [  ]:

Out[3]:

<torch._C.Generator at 0x7dc439f98810>

In  [  ]:

#Code to generate random matrices and biases for W1, b1, W2, b2

Forward propagation

(a) What is the value of h(¯)1 (x) (the pre-activation values of h1 )?  [0.5 point]

In  [  ]:

(b) What is the value of h1 (x)?   [0.5 point]

In  [  ]:

(c) What is the predicted value y(^)?  [0.5 point]

In  [  ]:

(d) Suppose that we use the cross-entropy (CE) loss. What is the value of the CE loss l incurred by the mini-batch? [0.5 point]

In  [  ]:

Backward propagation

(e) What are the derivatives   ,  , and ?  [3 points]

In  [  ]:

(f) What are the derivatives  ,  ,  , and  ?   [3 points]

In  [  ]:

SGD update

(g) Assume that we use SGD with learning rate η = 0.01 to update the model parameters. What are the values of W 2 , b2 and W 1 , b1  after updating?  [2 points]

In  [  ]:

Option 2    [Total marks for this option: 20 points]

In  [  ]:

import torch

from torch.utils.data import DataLoader

from torchvision import datasets, transforms

In Option 2, you need to implement a feed-forward NN manually using PyTorch and auto-differentiation of PyTorch. We then manually train the model on the MNIST dataset.

We first download the  MNIST dataset and preprocess it.

In  [  ]:

Each data point has dimension   [28,28] . We need to flatten it to a vector to input to our FFN.

In  [  ]:

train_dataset.data = train_data.data.view(-1, 28*28)  test_dataset.data = test_data.data.view(-1, 28*28)

train_data, train_labels = train_dataset.data, train_dataset.targets  test_data, test_labels = test_dataset.data, test_dataset.targets

print(train_data.shape, train_labels.shape)

print(test_data.shape, test_labels.shape)

In  [  ]:

train_loader = DataLoader(dataset=train_dataset, batch_size=64, shuffle=True)  test_loader = DataLoader(dataset=test_dataset, batch_size=64, shuffle=False)

Develop the feed-forward neural networks

(a) You need to develop the class  MyLinear with the following skeleton. You need to declare the weight matrix and bias of this linear layer.  [3 points]

In  [  ]:

(b) You need to develop the class  MyFFN with the following skeleton   [7 points]

In  [  ]:

In  [  ]:

myFFN = MyFFN(input_size = 28*28, num_classes = 10, hidden_sizes = [100, 100], act = torch.nn.ReLU)  myFFN.create_FFN()

print(myFFN)

(c) Write the code to evaluate the accuracy of the current  myFFN model on a data loader (e.g., train_loader or test_loader).   [2.5 points]

In  [  ]:

(c) Write the code to evaluate the loss of the current  myFFN model on a data loader (e.g., train_loader or test_loader).  [2.5 points]

In  [  ]:

def compute_loss(model, data_loader):

"""

This function computes the loss of the model on a data loader

"""

#Your code here

Train on the  MNIST data with 50 epochs using  updateSGD .

In  [  ]:

(d) Implement the function  updateSGDMomentum in the class and train the model with this optimizer in   50 epochs. You can update the corresponding function in the  MyFNN class.   [2.5 points]

In  [  ]:

(e) Implement the function  updateAdagrad in the class and train the model with this optimizer in   50 epochs. You can update the corresponding function in the MyFNN class.  [2.5 points]

In  [  ]:

Part 2: Deep Neural Networks (DNN)   [Total marks for this part: 25 points]

The second part of this assignment is to demonstrate your basis knowledge in deep learning that you have acquired from the lectures and tutorials materials. Most of the contents in this assignment are drawn from the tutorials covered from weeks 1 to 2. Going through these materials before attempting this assignment is highly recommended.

In the second part of this assignment, you are going to work with the FashionMNIST dataset for image recognition task. It has the exact same format as MNIST (70,000 grayscale images of 28 × 28 pixels each with 10 classes), but the images represent fashion items rather than handwritten digits, so each class is more  diverse, and the problem is significantly more challenging than MNIST.

In  [  ]:

import torch

from torch.utils.data import DataLoader

from torchvision import datasets, transforms torch.manual_seed(1234)

Load the Fashion MNIST using   torchvision

In  [  ]:

torch.Size([60000, 28, 28]) torch.Size([60000]) torch.Size([10000, 28, 28]) torch.Size([10000]) torch.Size([60000, 784]) torch.Size([60000])

torch.Size([10000, 784]) torch.Size([10000])

Number of training samples: 18827  Number of training samples: 16944  Number of validation samples: 1883

Question 2.1: Write the code to visualize a mini-batch in  train_loader including its images and labels.  [5 points]

In  [  ]:

####Question 2.2: Write the code for the feed-forward neural net using PyTorch   [5 points]

We now develop a feed-forward neural network with the architecture 784 → 40(ReLU) → 30(ReLU) → 10(softmax) . You can choose your own way to implement your network and an optimizer of interest. You should train model in 50 epochs and evaluate the trained model on the test set.

In  [  ]:

Question 2.3: Tuning hyper-parameters with grid search   [5 points]

Assume that you need to tune the number of neurons on the first and second hidden layers n1   ∈ {20, 40} , n2  ∈ {20, 40} and the used activation function act ∈ {sigmoid, tanh, relu} . The network has the architecture pattern 784 → n1 (act) → n2 (act) → 10(softmax) where n1 , n2 , and act are in their

grides. Write the code to tune the hyper-parameters n1 , n2 , and act. Note that you can freely choose the optimizer and learning rate of interest for this task.

In  [  ]:

 

請加QQ:99515681  郵箱:99515681@qq.com   WX:codinghelp




 

掃一掃在手機打開當前頁
  • 上一篇:COMP20003代寫、代做c/c++,Java語言編程
  • 下一篇:代寫ECON1011 Economics for Business
  • 無相關信息
    合肥生活資訊

    合肥圖文信息
    2025年10月份更新拼多多改銷助手小象助手多多出評軟件
    2025年10月份更新拼多多改銷助手小象助手多
    有限元分析 CAE仿真分析服務-企業/產品研發/客戶要求/設計優化
    有限元分析 CAE仿真分析服務-企業/產品研發
    急尋熱仿真分析?代做熱仿真服務+熱設計優化
    急尋熱仿真分析?代做熱仿真服務+熱設計優化
    出評 開團工具
    出評 開團工具
    挖掘機濾芯提升發動機性能
    挖掘機濾芯提升發動機性能
    海信羅馬假日洗衣機亮相AWE  復古美學與現代科技完美結合
    海信羅馬假日洗衣機亮相AWE 復古美學與現代
    合肥機場巴士4號線
    合肥機場巴士4號線
    合肥機場巴士3號線
    合肥機場巴士3號線
  • 短信驗證碼 trae 豆包網頁版入口 目錄網 排行網

    關于我們 | 打賞支持 | 廣告服務 | 聯系我們 | 網站地圖 | 免責聲明 | 幫助中心 | 友情鏈接 |

    Copyright © 2025 hfw.cc Inc. All Rights Reserved. 合肥網 版權所有
    ICP備06013414號-3 公安備 42010502001045

    日韩精品一区二区三区高清_久久国产热这里只有精品8_天天做爽夜夜做爽_一本岛在免费一二三区

      <em id="rw4ev"></em>

        <tr id="rw4ev"></tr>

        <nav id="rw4ev"></nav>
        <strike id="rw4ev"><pre id="rw4ev"></pre></strike>
        午夜精品视频| 日韩系列欧美系列| 在线观看欧美亚洲| 一区二区国产日产| 久久夜色撩人精品| 一区二区三区日韩精品视频| 欧美日本韩国一区| 一区二区三区国产精华| 国产精品久久久一区麻豆最新章节| 欧美va亚洲va日韩∨a综合色| 久久精品一区二区国产| 久久亚洲精品欧美| 亚洲午夜女主播在线直播| 女人天堂亚洲aⅴ在线观看| 国产精品每日更新| 国产欧美短视频| 影视先锋久久| 亚洲国产福利在线| 久久精品视频va| 亚洲激情第一页| 亚洲日韩欧美视频| 国际精品欧美精品| 欧美尤物巨大精品爽| 在线观看日韩av先锋影音电影院| av成人福利| 欧美国产三级| 亚洲韩日在线| 欧美日韩在线亚洲一区蜜芽| 麻豆视频一区二区| 欧美承认网站| 国产精品亚洲欧美| 久久先锋影音av| 欧美xxx成人| 国内精品久久久久久久影视蜜臀| 亚洲高清资源综合久久精品| 最近中文字幕mv在线一区二区三区四区| 在线视频欧美日韩| 亚洲乱码精品一二三四区日韩在线| 亚洲另类在线一区| 亚洲第一页自拍| 午夜精品久久久久久久99黑人| 久久精品国产欧美激情| 久久九九久久九九| 一区二区三区www| 国产精品久久中文| 日韩午夜av电影| 久久精品国产第一区二区三区| 亚洲色图综合久久| 亚洲国产经典视频| 欧美一区二区三区免费视频| 亚洲在线一区二区三区| 亚洲欧美激情精品一区二区| 欧美激情va永久在线播放| 欧美影院午夜播放| 久久综合五月天婷婷伊人| 一区二区三区视频在线看| 欧美韩日高清| 国产精品人人爽人人做我的可爱| 国产精品一卡二卡| 欧美一区二区三区四区在线观看地址| 亚洲精品欧美日韩专区| 亚洲三级网站| 欧美人成在线| 国产一区二区精品| 欧美日韩国产小视频在线观看| 午夜精品视频| 亚洲欧美中文字幕| 老司机免费视频一区二区三区| 国产精品制服诱惑| 亚洲欧美国产精品va在线观看| 国产精品一卡二| 国产精品一区二区你懂的| 韩国精品一区二区三区| 久久大香伊蕉在人线观看热2| 欧美另类69精品久久久久9999| 欧美成人精品在线观看| 亚洲一区区二区| 久久福利资源站| 尤物yw午夜国产精品视频| 午夜日韩视频| 国产精品久久一区二区三区| 国产精品欧美在线| 国产欧美日韩三级| 欧美激情网站在线观看| 久久狠狠一本精品综合网| 欧美精品一级| 好吊色欧美一区二区三区四区| 欧美1区2区3区| 国内精品免费在线观看| 国产精品人人做人人爽人人添| 亚洲美女免费精品视频在线观看| 国产精品久久久久久久久久免费看| 亚洲一卡久久| 国产一区成人| 亚洲图片在区色| 久久夜色精品国产噜噜av| 欧美人与禽猛交乱配| 国产精品99免费看| 欧美激情中文字幕在线| 亚洲激情午夜| 国产一区二区三区日韩欧美| 亚洲毛片在线观看| 国产精品毛片a∨一区二区三区| 国产精品亚洲综合色区韩国| 国产精品老牛| 香蕉久久久久久久av网站| 噜噜噜在线观看免费视频日韩| 午夜欧美电影在线观看| 国产精品露脸自拍| 亚久久调教视频| 国产午夜精品美女毛片视频| 国户精品久久久久久久久久久不卡| 国产午夜精品全部视频播放| 久久亚洲电影| 国产伦理一区| 国产乱人伦精品一区二区| 欧美亚洲色图校园春色| 欧美极品色图| 韩国三级在线一区| 欧美一区二区三区婷婷月色| 欧美大片在线观看一区| 篠田优中文在线播放第一区| 久久精品国产免费看久久精品| 免费在线成人av| 99国产精品视频免费观看一公开| 欧美国产日韩一区二区三区| 国产精品毛片a∨一区二区三区|国| 欧美成在线视频| 国产精品美女久久久久久久| 麻豆国产精品777777在线| 国内免费精品永久在线视频| 国产香蕉97碰碰久久人人| 亚洲一区二区三区免费在线观看| 久久在线免费观看视频| 亚洲人成网站777色婷婷| 久久久久国产一区二区| 一区二区三区精品久久久| 蜜臀av在线播放一区二区三区| 欧美极品在线播放| 欧美丰满高潮xxxx喷水动漫| 亚洲素人一区二区| 欧美日韩一区二区在线播放| 久色成人在线| 亚洲午夜精品国产| 欧美四级剧情无删版影片| 欧美一区二区性| 一区在线观看| 欧美99久久| 一区二区视频欧美| 亚洲一区二区三区视频播放| 亚洲高清资源综合久久精品| 国产精品成人av性教育| 久久久久久网站| 国产色婷婷国产综合在线理论片a| 中文有码久久| 欧美精品一区视频| 国产精品亚洲综合久久| 欧美特黄a级高清免费大片a级| 欧美区二区三区| 亚洲老板91色精品久久| 香蕉成人啪国产精品视频综合网| 国产精品一区久久久久| 亚洲午夜日本在线观看| 亚洲女同性videos|