Skip to content

Commit

Permalink
release hw4
Browse files Browse the repository at this point in the history
  • Loading branch information
ZhouTimeMachine committed Dec 21, 2023
1 parent 572addf commit 673acfc
Showing 1 changed file with 7 additions and 7 deletions.
14 changes: 7 additions & 7 deletions docs/hw4.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,8 +2,6 @@

# HW4: Learning CNN

!!! warning "U-Net 部分还未正式发布,内容和评分标准随时可能会更改"

## 实验简介

- **深度学习**(Deep Learning):[机器学习](https://zh.wikipedia.org/wiki/机器学习)的分支,是一种以[人工神经网络](https://zh.wikipedia.org/wiki/人工神经网络)为架构,对数据进行表征学习的[算法](https://zh.wikipedia.org/wiki/算法)
Expand Down Expand Up @@ -417,7 +415,7 @@ Model loaded
- 使用 `Image.open()` 读入的单张图片需要利用 `torchvision.transforms` 进行适当的预处理。
- Resize 为 572
- 转换为 Tensor
- 可能需要用到 `F.interpolate` 进行插值,和图片尺寸匹配
- 可能需要用到 `torch.nn.functional.interpolate` 进行插值,和图片尺寸匹配
- 模型的输入输出都具有 `[B, C, H, W]` 的格式
- 模型直接产生的输出是一个 score。首先需要用 sigmoid 进行处理,然后使用一定的阈值来将其转换为 0-1 的 mask

Expand Down Expand Up @@ -456,19 +454,20 @@ def plot_img_and_mask(img, mask, filename):
4. (bonus) 对超参、优化器、网络结构等进行**有意义**的探索实验,将给予适当的 bonus。不鼓励无意义的内卷堆实验,评分时将酌情考虑。
2. U-Net:
1. 提供的文件:[unet.py](../code/unet.py)、[try.py](../code/try.py)、[infer.jpg](../graph/infer.jpg),model.pth 可以从[学在浙大](https://courses.zju.edu.cn)或钉钉群下载
2. 补全 `unet.py` 中的 `TODO`,使得所提供的训练好的模型可以被正确加载
3. 利用所提供的模型,推断[所提供的单张汽车图片](../graph/infer.jpg)的 mask
2. 补全 [unet.py](../code/unet.py) 中的 `TODO`,使得所提供的训练好的模型可以被正确加载
3. 利用所提供的模型,推断所提供的单张汽车图片([infer.jpg](../graph/infer.jpg))的 mask
3. 作为一个探索,本次作业分数构成按如下划分:
1. LeNet 基本要求:50
2. U-Net 基本要求:50
3. LeNet bonus:5
4. 总分为该三部分之和,100 分封顶
4. 你需要提交:
4. **截止时间:202312 日上午**,详见[学在浙大](https://courses.zju.edu.cn)
5. 你需要提交:
1. 全部代码
2. 实验报告,除了模板要求之外,还需要包含:
1. 对于 LeNet-5,给出**模型的损失曲线、识别准确率曲线**等图表。可以利用 tensorboard 可视化训练过程并直接在其中截图,可以参考 [PyTorch](https://pytorch.org/tutorials/recipes/recipes/tensorboard_with_pytorch.html) 的官方教程完成配置。
2. 对于 LeNet-5,你需要写明测试集上的**识别正确率**
3. 对于 U-Net 的 bonus,除了提交代码之外,报告中至少需要包含 `plot_img_and_mask` 函数生成的图片
3. 对于 U-Net,给出 `plot_img_and_mask` 函数生成的图片 ([infer.jpg](../graph/infer.jpg) 和所预测的 mask)
4. U-Net 是原创实验,欢迎在报告感想部分提供反馈
3. 代码应单独打包为压缩文件,命名为 `学号-姓名-CVHW4` 的格式。实验报告应当单独上传附件,保证可以在网页直接打开实验报告进行预览,命名任意。

Expand All @@ -482,6 +481,7 @@ def plot_img_and_mask(img, mask, filename):
- LeNet 原论文 [Gradient-based learning applied to document recognition](https://ieeexplore.ieee.org/abstract/document/726791)
- [PyTorch 扩展](https://pytorch.org/docs/stable/notes/extending.html)
- [Dive into Deep Learning](https://d2l.ai/)
- [Carvana 数据集](https://www.kaggle.com/competitions/carvana-image-masking-challenge/data)
- U-Net 原论文 [U-Net: Convolutional Networks for Biomedical Image Segmentation](https://arxiv.org/abs/1505.04597)

## Acknowledgement
Expand Down

0 comments on commit 673acfc

Please sign in to comment.