Skip to content

Commit 6257f7a

Browse files
committed
Update README links
1 parent 3b288f6 commit 6257f7a

File tree

6 files changed

+53
-59
lines changed

6 files changed

+53
-59
lines changed

README.md

Lines changed: 34 additions & 40 deletions
Original file line numberDiff line numberDiff line change
@@ -50,94 +50,88 @@ The table below shows relevant links to both courses' materials.
5050

5151
#### Assignment 1
5252

53-
**Modified Python files:** [``k_nearest_neighbor.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/cs231n/classifiers/k_nearest_neighbor.py), [``linear_classifier.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/cs231n/classifiers/linear_classifier.py), [``linear_svm.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/cs231n/classifiers/linear_svm.py), [``softmax.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/cs231n/classifiers/softmax.py), [``neural_net.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/cs231n/classifiers/neural_net.py).
53+
**Modified Python files:** [``k_nearest_neighbor.py``](cs231n/assignment1/cs231n/classifiers/k_nearest_neighbor.py), [``linear_classifier.py``](cs231n/assignment1/cs231n/classifiers/linear_classifier.py), [``linear_svm.py``](cs231n/assignment1/cs231n/classifiers/linear_svm.py), [``softmax.py``](cs231n/assignment1/cs231n/classifiers/softmax.py), [``neural_net.py``](cs231n/assignment1/cs231n/classifiers/neural_net.py).
5454

55-
| Question | Title | IPython Notebook |
56-
|:--------:|:--------------------------------------------:|:----------------------------------------------------------:|
57-
| Q1 | k-Nearest Neighbor classifier | [``knn.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/knn.ipynb) |
58-
| Q2 | Training a Support Vector Machine | [``svm.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/svm.ipynb) |
59-
| Q3 | Implement a Softmax classifier | [``softmax.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/softmax.ipynb) |
60-
| Q4 | Two-Layer Neural Network | [``two_layer_net.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/two_layer_net.ipynb) |
61-
| Q5 | Higher Level Representations: Image Features | [``features.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/features.ipynb) |
55+
| Question | Title | IPython Notebook |
56+
|:--------:|:--------------------------------------------:|:-----------------------------------------------------------------:|
57+
| Q1 | k-Nearest Neighbor classifier | [``knn.ipynb``](cs231n/assignment1/knn.ipynb) |
58+
| Q2 | Training a Support Vector Machine | [``svm.ipynb``](cs231n/assignment1/svm.ipynb) |
59+
| Q3 | Implement a Softmax classifier | [``softmax.ipynb``](cs231n/assignment1/softmax.ipynb) |
60+
| Q4 | Two-Layer Neural Network | [``two_layer_net.ipynb``](cs231n/assignment1/two_layer_net.ipynb) |
61+
| Q5 | Higher Level Representations: Image Features | [``features.ipynb``](cs231n/assignment1/features.ipynb) |
6262

6363
#### Assignment 2
6464

65-
**Modified Python files:** [``layers.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/cs231n/layers.py), [``optim.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/cs231n/optim.py), [``fc_net.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/cs231n/classifiers/fc_net.py), [``cnn.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/cs231n/classifiers/cnn.py).
65+
**Modified Python files:** [``layers.py``](cs231n/assignment2/cs231n/layers.py), [``optim.py``](cs231n/assignment2/cs231n/optim.py), [``fc_net.py``](cs231n/assignment2/cs231n/classifiers/fc_net.py), [``cnn.py``](cs231n/assignment2/cs231n/classifiers/cnn.py).
6666

67-
| Question | Title | IPython Notebook |
68-
|:--------:|:--------------------------------:|:--------------------------------------------------------------------------:|
69-
| Q1 | Fully-connected Neural Network | [``FullyConnectedNets.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/FullyConnectedNets.ipynb) |
70-
| Q2 | Batch Normalization | [``BatchNormalization.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/BatchNormalization.ipynb) |
71-
| Q3 | Dropout | [``Dropout.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/Dropout.ipynb) |
72-
| Q4 | Convolutional Networks | [``ConvolutionalNetworks.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/ConvolutionalNetworks.ipynb) |
73-
| Q5 | PyTorch / TensorFlow on CIFAR-10 | [``PyTorch.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment2/PyTorch.ipynb) |
67+
| Question | Title | IPython Notebook |
68+
|:--------:|:--------------------------------:|:---------------------------------------------------------------------------------:|
69+
| Q1 | Fully-connected Neural Network | [``FullyConnectedNets.ipynb``](cs231n/assignment2/FullyConnectedNets.ipynb) |
70+
| Q2 | Batch Normalization | [``BatchNormalization.ipynb``](cs231n/assignment2/BatchNormalization.ipynb) |
71+
| Q3 | Dropout | [``Dropout.ipynb``](cs231n/assignment2/Dropout.ipynb) |
72+
| Q4 | Convolutional Networks | [``ConvolutionalNetworks.ipynb``](cs231n/assignment2/ConvolutionalNetworks.ipynb) |
73+
| Q5 | PyTorch / TensorFlow on CIFAR-10 | [``PyTorch.ipynb``](cs231n/assignment2/PyTorch.ipynb) |
7474

7575
#### Assignment 3
7676

77-
**Modified Python files:** [``rnn_layers.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/cs231n/rnn_layers.py), [``rnn.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/cs231n/classifiers/rnn.py), [``net_visualization_pytorch.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/cs231n/net_visualization_pytorch.py), [``style_transfer_pytorch.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/cs231n/style_transfer_pytorch.py), [``gan_pytorch.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/cs231n/gan_pytorch.py).
77+
**Modified Python files:** [``rnn_layers.py``](cs231n/assignment3/cs231n/rnn_layers.py), [``rnn.py``](cs231n/assignment3/cs231n/classifiers/rnn.py), [``net_visualization_pytorch.py``](cs231n/assignment3/cs231n/net_visualization_pytorch.py), [``style_transfer_pytorch.py``](cs231n/assignment3/cs231n/style_transfer_pytorch.py), [``gan_pytorch.py``](cs231n/assignment3/cs231n/gan_pytorch.py).
7878

79-
| Question | Title | IPython Notebook |
80-
|:--------:|:-----------------------------------------------------------------------------:|:--------------------------------------------------------------:|
81-
| Q1 | Image Captioning with Vanilla RNNs | [``RNN_Captioning.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/RNN_Captioning.ipynb) |
82-
| Q2 | Image Captioning with LSTMs | [``LSTM_Captioning.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/LSTM_Captioning.ipynb) |
83-
| Q3 | Network Visualization: Saliency maps, Class Visualization, and Fooling Images | [``NetworkVisualization-PyTorch.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/NetworkVisualization-PyTorch.ipynb) |
84-
| Q4 | Style Transfer | [``StyleTransfer-PyTorch.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/StyleTransfer-PyTorch.ipynb) |
85-
| Q5 | Generative Adversarial Networks | [``Generative_Adversarial_Networks_PyTorch.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment3/Generative_Adversarial_Networks_PyTorch.ipynb) |
79+
| Question | Title | IPython Notebook |
80+
|:--------:|:----------------------------------:|:---------------------------------------------------------------------------------------------------------------------:|
81+
| Q1 | Image Captioning with Vanilla RNNs | [``RNN_Captioning.ipynb``](cs231n/assignment3/RNN_Captioning.ipynb) |
82+
| Q2 | Image Captioning with LSTMs | [``LSTM_Captioning.ipynb``](cs231n/assignment3/LSTM_Captioning.ipynb) |
83+
| Q3 | Network Visualization | [``NetworkVisualization-PyTorch.ipynb``](cs231n/assignment3/NetworkVisualization-PyTorch.ipynb) |
84+
| Q4 | Style Transfer | [``StyleTransfer-PyTorch.ipynb``](cs231n/assignment3/StyleTransfer-PyTorch.ipynb) |
85+
| Q5 | Generative Adversarial Networks | [``Generative_Adversarial_Networks_PyTorch.ipynb``](cs231n/assignment3/Generative_Adversarial_Networks_PyTorch.ipynb) |
8686

8787
### EECS 498-007 / 598-005: Deep Learning for Computer Vision
8888

8989
#### Assignment 5
9090

91-
**Modified Python files:** [``single_stage_detector.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/eecs498-007/A5/single_stage_detector.py), [``two_stage_detector.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/eecs498-007/A5/two_stage_detector.py).
91+
**Modified Python files:** [``single_stage_detector.py``](eecs498-007/A5/single_stage_detector.py), [``two_stage_detector.py``](eecs498-007/A5/two_stage_detector.py).
9292

93-
| Question | Title | IPython Notebook |
94-
|:--------:|:---------------------:|:--------------------------------------------------------------------------------------------:|
95-
| Q1 | Single-Stage Detector | [``single_stage_detector_yolo.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/eecs498-007/A5/single_stage_detector_yolo.ipynb) |
96-
| Q2 | Two-Stage Detector | [``two_stage_detector_faster_rcnn.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/eecs498-007/A5/two_stage_detector_faster_rcnn.ipynb) |
93+
| Question | Title | IPython Notebook |
94+
|:--------:|:---------------------:|:-----------------------------------------------------------------------------------------------:|
95+
| Q1 | Single-Stage Detector | [``single_stage_detector_yolo.ipynb``](eecs498-007/A5/single_stage_detector_yolo.ipynb) |
96+
| Q2 | Two-Stage Detector | [``two_stage_detector_faster_rcnn.ipynb``](eecs498-007/A5/two_stage_detector_faster_rcnn.ipynb) |
9797

9898
#### Assignment 6
9999

100-
**Modified Python files:** [``vae.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/eecs498-007/A6/vae.py), [``gan.py``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/eecs498-007/A6/gan.py).
100+
**Modified Python files:** [``vae.py``](eecs498-007/A6/vae.py), [``gan.py``](eecs498-007/A6/gan.py).
101101

102-
| Question | Title | IPython Notebook |
103-
|:--------:|:-------------------------------:|:----------------------------------------------------------------------------------------------:|
104-
| Q1 | Variational Autoencoder | [``variational_autoencoders.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/eecs498-007/A6/variational_autoencoders.ipynb) |
105-
| Q2 | Generative Adversarial Networks | [``generative_adversarial_networks.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/eecs498-007/A6/generative_adversarial_networks.ipynb) |
102+
| Question | Title | IPython Notebook |
103+
|:--------:|:-------------------------------:|:-------------------------------------------------------------------------------------------------:|
104+
| Q1 | Variational Autoencoder | [``variational_autoencoders.ipynb``](eecs498-007/A6/variational_autoencoders.ipynb) |
105+
| Q2 | Generative Adversarial Networks | [``generative_adversarial_networks.ipynb``](eecs498-007/A6/generative_adversarial_networks.ipynb) |
106106

107107
## Useful Links
108108

109109
The list below provides the most useful external resources that helped me to clarify and understand deeply some ambiguous topics encountered in the lectures. Note that those are only the most important ones, that is, completely understanding them will maybe require checking other -not mentioned- resources.
110110

111111
- Convolutional Neural Networks (CNNs).
112-
113112
- CNNs implementation from scratch in Python [[Part 1]](https://victorzhou.com/blog/intro-to-cnns-part-1/) [[Part 2]](https://victorzhou.com/blog/intro-to-cnns-part-2/).
114113
- [A guide to receptive field arithmetic for CNNs](https://medium.com/mlreview/a-guide-to-receptive-field-arithmetic-for-convolutional-neural-networks-e0f514068807).
115114

116115
- Normalization layers.
117-
118116
- [Understanding the backward pass through Batch Normalization Layer](https://kratzert.github.io/2016/02/12/understanding-the-gradient-flow-through-the-batch-normalization-layer.html) (Staged computation method).
119117
- [Deriving the Gradient for the Backward Pass of Batch Normalization](https://kevinzakka.github.io/2016/09/14/batch_normalization/) (Gradient derivation method).
120118
- [Group Normalization - The paper](https://arxiv.org/abs/1803.08494) (Concept and implementation well explained).
121119

122120
- Principal Component Analysis (PCA).
123-
124121
- [Principal Component Analysis (PCA) from Scratch](https://drscotthawley.github.io/blog/2019/12/21/PCA-From-Scratch.html) (Covariance matrix method).
125122
- StatQuest: PCA (SVD Decomposition method) [[Part 1]](https://youtu.be/FgakZw6K1QQ) [[Part 2]](https://youtu.be/oRvgq966yZg).
126123
- [In Depth: Principal Component Analysis](https://jakevdp.github.io/PythonDataScienceHandbook/05.09-principal-component-analysis.html) (Using Sklearn package).
127124

128125
- Object Detection.
129-
130126
- [mAP (mean Average Precision) for Object Detection](https://jonathan-hui.medium.com/map-mean-average-precision-for-object-detection-45c121a31173).
131127
- Object Detection for Dummies [[Part 1]](https://lilianweng.github.io/lil-log/2017/10/29/object-recognition-for-dummies-part-1.html) [[Part 2]](https://lilianweng.github.io/lil-log/2017/12/15/object-recognition-for-dummies-part-2.html) [[Part 3]](https://lilianweng.github.io/lil-log/2017/12/31/object-recognition-for-dummies-part-3.html) [[Part 4]](https://lilianweng.github.io/lil-log/2018/12/27/object-detection-part-4.html).
132128

133129
- Variational Autoencoders (VAEs).
134-
135130
- [Kullback-Leibler (KL) Divergence Explained](https://www.countbayesie.com/blog/2017/5/9/kullback-leibler-divergence-explained).
136131
- [Variational autoencoders](https://www.jeremyjordan.me/variational-autoencoders/).
137132
- [Variational Autoencoder Demystified With PyTorch Implementation](https://towardsdatascience.com/variational-autoencoder-demystified-with-pytorch-implementation-3a06bee395ed).
138133

139134
- Generative Adversarial Networks (GANs).
140-
141135
- [GANs from Scratch: A deep introduction, with code in PyTorch](https://medium.com/ai-society/gans-from-scratch-1-a-deep-introduction-with-code-in-pytorch-and-tensorflow-cb03cdcdba0f).
142136
- [GAN objective function origin explanation](https://ai.stackexchange.com/a/13038).
143137
- [Google DeepMind: Generative Adversarial Networks](https://youtu.be/wFsI2WqUfdA).

cs231n/assignment1/README.md

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -21,20 +21,20 @@ In this assignment you will practice putting together a simple image classificat
2121

2222
## Q1: k-Nearest Neighbor classifier
2323

24-
The notebook [``knn.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/knn.ipynb) will walk you through implementing the kNN classifier.
24+
The notebook [``knn.ipynb``](knn.ipynb) will walk you through implementing the kNN classifier.
2525

2626
## Q2: Training a Support Vector Machine
2727

28-
The notebook [``svm.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/svm.ipynb) will walk you through implementing the SVM classifier.
28+
The notebook [``svm.ipynb``](svm.ipynb) will walk you through implementing the SVM classifier.
2929

3030
## Q3: Implement a Softmax classifier
3131

32-
The notebook [``softmax.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/softmax.ipynb) will walk you through implementing the Softmax classifier.
32+
The notebook [``softmax.ipynb``](softmax.ipynb) will walk you through implementing the Softmax classifier.
3333

3434
## Q4: Two-Layer Neural Network
3535

36-
The notebook [``two_layer_net.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/two_layer_net.ipynb) will walk you through the implementation of a two-layer neural network classifier.
36+
The notebook [``two_layer_net.ipynb``](two_layer_net.ipynb) will walk you through the implementation of a two-layer neural network classifier.
3737

3838
## Q5: Higher Level Representations: Image Features
3939

40-
The notebook [``features.ipynb``](https://github.com/seloufian/Deep-Learning-Computer-Vision/blob/master/cs231n/assignment1/features.ipynb) will examine the improvements gained by using higher-level representations as opposed to using raw pixel values.
40+
The notebook [``features.ipynb``](features.ipynb) will examine the improvements gained by using higher-level representations as opposed to using raw pixel values.

0 commit comments

Comments
 (0)