├── .gitignore ├── README.md ├── chapter03_DeepLearning_basics ├── 3.1_linear_regression │ ├── 3.1.1_linear_regression.ipynb │ ├── 3.1.2_implement_linear_regression_from_scratch.ipynb │ ├── 3.1.2_implement_linear_regression_from_scratch.py │ ├── 3.1.3_concise_linear_regression_implementation.ipynb │ └── 3.1.3_concise_linear_regression_implementation.py ├── 3.2_softmax_regression │ ├── 3.2.1_softmax_regression.ipynb │ ├── 3.2.2_dataset_Fashion-MNIST.ipynb │ ├── 3.2.3_implement_softmax_from_scratch.ipynb │ ├── 3.2.3_implement_softmax_from_scratch.py │ ├── 3.2.4_concise_softmax_implementation.ipynb │ └── 3.2.4_concise_softmax_implementation.py └── 3.3_multilayer_perceptron │ ├── 3.3.1_multilayer_perceptrons.ipynb │ ├── 3.3.2_implement_multilayer_perceptrons_from_scratch.ipynb │ ├── 3.3.2_implement_multilayer_perceptrons_from_scratch.py │ ├── 3.3.3_concise_multilayer_perceptrons_implementation.ipynb │ └── 3.3.3_concise_multilayer_perceptrons_implementation.py ├── chapter05_image_classification_introduction ├── 5.10_fine_tuning │ └── fine_tuning.py ├── 5.1_cnn_basics │ ├── 5.1.1_convolutions.ipynb │ ├── 5.1.2_padding_and_stride.ipynb │ ├── 5.1.3_multiple_input_and_output_channels.ipynb │ ├── 5.1.4_pooling.ipynb │ └── cnn_basis.py ├── 5.2_lenet │ ├── 5.2_lenet.ipynb │ └── LeNet.py ├── 5.3_AlexNet │ └── AlexNet.py ├── 5.4_VGG │ └── VGG11.py ├── 5.5_NiN │ └── NiN.py ├── 5.6_GoogLeNet │ └── GoogLeNet.py ├── 5.7_batch_normalization │ └── BatchNormalization.py ├── 5.8_ResNet │ └── ResNet.py └── 5.9_image_augmentation │ └── DataAugmentation.py ├── chapter08_image_classification_advanced ├── 5.12_densenet │ └── DenseNet.py └── 5.13_new_efficientnet │ ├── model │ └── .gitkeep │ └── train_efficientnet.py ├── chapter09_object_detection ├── 9.1_object_detection_basics │ └── 9.1.1_object_detection_and_bounding_boxes │ │ ├── 9.1.1_object_detection_and_bounding_boxes.py │ │ ├── README.md │ │ └── catdog.jpg ├── 9.2_object_detection_datasets │ ├── 9.2.1_Pikachu_dataset │ │ ├── README.md │ │ └── object_detection_dataset_Pikachu.py │ └── 9.2.2_PASCAL_VOC_dataset │ │ ├── 9.2.2_PASCAL_VOC_dataset.py │ │ └── README.md ├── 9.3-9.5_object_detection_basics │ ├── 9.3_object_detection_and_bounding_boxes.md │ ├── 9.4_anchor_boxes.md │ ├── 9.5_multiscale_object_detection.md │ ├── anchor_boxes.py │ ├── catdog.jpg │ ├── multiscale_object_detection.py │ └── object_detection_and_bounding_boxes.py └── 9.7_ssd │ ├── 9.7_ssd.md │ ├── pikachu.jpg │ ├── pikachu_detect.png │ ├── ssd.py │ └── ssd_v2.py ├── chapter11_engineering_related └── 11.1_tensorboardX │ ├── 11.1.1_training_monitor │ ├── README.md │ └── linear_regression.py │ ├── 11.1.2_visual_computational_graph │ ├── README.md │ └── graph_model.py │ ├── README.md │ └── official_demo.py ├── chapter12_dive_into_practice ├── 12.1_fashionmnist_classification │ ├── README.md │ ├── Random-Erasing-master │ │ ├── LICENSE │ │ ├── README.md │ │ ├── cifar.py │ │ ├── fashionmnist.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── cifar │ │ │ │ ├── __init__.py │ │ │ │ ├── __init__.py~ │ │ │ │ ├── alexnet.py~ │ │ │ │ ├── preresnet.py~ │ │ │ │ ├── preresnetimagenet.py~ │ │ │ │ ├── resnet.py │ │ │ │ ├── wideresnet.py~ │ │ │ │ └── wrn.py │ │ │ └── fashion │ │ │ │ ├── __init__.py │ │ │ │ ├── __init__.py~ │ │ │ │ ├── alexnet.py~ │ │ │ │ ├── preresnet.py~ │ │ │ │ ├── preresnetimagenet.py~ │ │ │ │ ├── resnet.py │ │ │ │ ├── resnet.py~ │ │ │ │ ├── resnext.py~ │ │ │ │ ├── wideresnet.py~ │ │ │ │ ├── wrn.py │ │ │ │ └── wrn.py~ │ │ ├── submission.csv │ │ ├── transforms.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── eval.py │ │ │ ├── logger.py │ │ │ ├── misc.py │ │ │ ├── progress │ │ │ ├── LICENSE │ │ │ ├── MANIFEST.in │ │ │ ├── README.rst │ │ │ ├── progress │ │ │ │ ├── __init__.py │ │ │ │ ├── bar.py │ │ │ │ ├── counter.py │ │ │ │ ├── helpers.py │ │ │ │ └── spinner.py │ │ │ ├── setup.py │ │ │ └── test_progress.py │ │ │ ├── transforms.py │ │ │ └── visualize.py │ ├── baseline │ │ ├── README.md │ │ ├── baseline.py │ │ └── model │ │ │ └── .gitkeep │ └── baseline_plus │ │ ├── README.md │ │ ├── baseline_plus.py │ │ └── model │ │ └── .gitkeep └── 12.2_recommended_comments │ ├── README.md │ ├── bi-lstm │ └── baseline.py │ ├── dataset │ ├── test_handout.txt │ └── train_shuffle.txt │ ├── naive_bayes │ └── naive_bayes.py │ └── 推荐评论展示任务.ipynb ├── chapter13_RNN └── 6.1_language_model │ ├── language_model_dataset.py │ └── text_preprocess.py ├── d2lzh_pytorch ├── __init__.py ├── dataset.py ├── figure.py └── utils.py ├── dataset ├── COCO2014.sh ├── FashionMNIST │ └── raw │ │ ├── t10k-images-idx3-ubyte.gz │ │ ├── t10k-labels-idx1-ubyte.gz │ │ ├── train-images-idx3-ubyte.gz │ │ └── train-labels-idx1-ubyte.gz ├── VOC2007.sh ├── VOC2012.sh ├── animal │ ├── 00e93901213fb80edc59817e34d12f2eb838948b.jpg │ ├── 0eb30f2442a7d9330c1df226af4bd11373f00129.jpg │ ├── 0ff41bd5ad6eddc45d5848543bdbb6fd536633e5.jpg │ ├── 4d086e061d950a7b0cc86b8e09d162d9f3d3c9fe.jpg │ ├── 4d086e061d950a7b5212b46d08d162d9f2d3c970.jpg │ └── 7a899e510fb30f24ecadef67cb95d143ad4b039a.jpg ├── jaychou_lyrics.txt └── timemachine.txt ├── markdown_imgs ├── 11_1_1_loss.png ├── 11_1_2_graph.png ├── 11_1_PCA.png ├── 11_1_audio.png ├── 11_1_image.png ├── 11_1_scalar.png ├── 9_2_2_voc_show.png ├── 9_2_iou.png ├── 9_3_set_bbox_for_anchor.png ├── 9_4_ssd.png ├── anchor_and_gt_bboxs.png ├── anchor_at_pixel_250.png ├── catdog.jpg ├── catdog_with_bbox.png ├── category_with_probs.png ├── multiscale_anchor_1_1.png ├── multiscale_anchor_2_2.png ├── multiscale_anchor_4_4.png ├── pikachu.jpg ├── predict_after_iou.png └── visual_pikachu_dataset.png └── pretrain └── resnet18 └── .gitkeep /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/.gitignore -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/README.md -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.1_linear_regression/3.1.1_linear_regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.1_linear_regression/3.1.1_linear_regression.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.1_linear_regression/3.1.2_implement_linear_regression_from_scratch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.1_linear_regression/3.1.2_implement_linear_regression_from_scratch.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.1_linear_regression/3.1.2_implement_linear_regression_from_scratch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.1_linear_regression/3.1.2_implement_linear_regression_from_scratch.py -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.1_linear_regression/3.1.3_concise_linear_regression_implementation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.1_linear_regression/3.1.3_concise_linear_regression_implementation.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.1_linear_regression/3.1.3_concise_linear_regression_implementation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.1_linear_regression/3.1.3_concise_linear_regression_implementation.py -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.1_softmax_regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.1_softmax_regression.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.2_dataset_Fashion-MNIST.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.2_dataset_Fashion-MNIST.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.3_implement_softmax_from_scratch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.3_implement_softmax_from_scratch.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.3_implement_softmax_from_scratch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.3_implement_softmax_from_scratch.py -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.4_concise_softmax_implementation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.4_concise_softmax_implementation.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.4_concise_softmax_implementation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.2_softmax_regression/3.2.4_concise_softmax_implementation.py -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.1_multilayer_perceptrons.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.1_multilayer_perceptrons.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.2_implement_multilayer_perceptrons_from_scratch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.2_implement_multilayer_perceptrons_from_scratch.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.2_implement_multilayer_perceptrons_from_scratch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.2_implement_multilayer_perceptrons_from_scratch.py -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.3_concise_multilayer_perceptrons_implementation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.3_concise_multilayer_perceptrons_implementation.ipynb -------------------------------------------------------------------------------- /chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.3_concise_multilayer_perceptrons_implementation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter03_DeepLearning_basics/3.3_multilayer_perceptron/3.3.3_concise_multilayer_perceptrons_implementation.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.10_fine_tuning/fine_tuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.10_fine_tuning/fine_tuning.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.1_cnn_basics/5.1.1_convolutions.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.1_cnn_basics/5.1.1_convolutions.ipynb -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.1_cnn_basics/5.1.2_padding_and_stride.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.1_cnn_basics/5.1.2_padding_and_stride.ipynb -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.1_cnn_basics/5.1.3_multiple_input_and_output_channels.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.1_cnn_basics/5.1.3_multiple_input_and_output_channels.ipynb -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.1_cnn_basics/5.1.4_pooling.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.1_cnn_basics/5.1.4_pooling.ipynb -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.1_cnn_basics/cnn_basis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.1_cnn_basics/cnn_basis.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.2_lenet/5.2_lenet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.2_lenet/5.2_lenet.ipynb -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.2_lenet/LeNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.2_lenet/LeNet.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.3_AlexNet/AlexNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.3_AlexNet/AlexNet.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.4_VGG/VGG11.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.4_VGG/VGG11.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.5_NiN/NiN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.5_NiN/NiN.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.6_GoogLeNet/GoogLeNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.6_GoogLeNet/GoogLeNet.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.7_batch_normalization/BatchNormalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.7_batch_normalization/BatchNormalization.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.8_ResNet/ResNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.8_ResNet/ResNet.py -------------------------------------------------------------------------------- /chapter05_image_classification_introduction/5.9_image_augmentation/DataAugmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter05_image_classification_introduction/5.9_image_augmentation/DataAugmentation.py -------------------------------------------------------------------------------- /chapter08_image_classification_advanced/5.12_densenet/DenseNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter08_image_classification_advanced/5.12_densenet/DenseNet.py -------------------------------------------------------------------------------- /chapter08_image_classification_advanced/5.13_new_efficientnet/model/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chapter08_image_classification_advanced/5.13_new_efficientnet/train_efficientnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter08_image_classification_advanced/5.13_new_efficientnet/train_efficientnet.py -------------------------------------------------------------------------------- /chapter09_object_detection/9.1_object_detection_basics/9.1.1_object_detection_and_bounding_boxes/9.1.1_object_detection_and_bounding_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.1_object_detection_basics/9.1.1_object_detection_and_bounding_boxes/9.1.1_object_detection_and_bounding_boxes.py -------------------------------------------------------------------------------- /chapter09_object_detection/9.1_object_detection_basics/9.1.1_object_detection_and_bounding_boxes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.1_object_detection_basics/9.1.1_object_detection_and_bounding_boxes/README.md -------------------------------------------------------------------------------- /chapter09_object_detection/9.1_object_detection_basics/9.1.1_object_detection_and_bounding_boxes/catdog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.1_object_detection_basics/9.1.1_object_detection_and_bounding_boxes/catdog.jpg -------------------------------------------------------------------------------- /chapter09_object_detection/9.2_object_detection_datasets/9.2.1_Pikachu_dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.2_object_detection_datasets/9.2.1_Pikachu_dataset/README.md -------------------------------------------------------------------------------- /chapter09_object_detection/9.2_object_detection_datasets/9.2.1_Pikachu_dataset/object_detection_dataset_Pikachu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.2_object_detection_datasets/9.2.1_Pikachu_dataset/object_detection_dataset_Pikachu.py -------------------------------------------------------------------------------- /chapter09_object_detection/9.2_object_detection_datasets/9.2.2_PASCAL_VOC_dataset/9.2.2_PASCAL_VOC_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.2_object_detection_datasets/9.2.2_PASCAL_VOC_dataset/9.2.2_PASCAL_VOC_dataset.py -------------------------------------------------------------------------------- /chapter09_object_detection/9.2_object_detection_datasets/9.2.2_PASCAL_VOC_dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.2_object_detection_datasets/9.2.2_PASCAL_VOC_dataset/README.md -------------------------------------------------------------------------------- /chapter09_object_detection/9.3-9.5_object_detection_basics/9.3_object_detection_and_bounding_boxes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.3-9.5_object_detection_basics/9.3_object_detection_and_bounding_boxes.md -------------------------------------------------------------------------------- /chapter09_object_detection/9.3-9.5_object_detection_basics/9.4_anchor_boxes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.3-9.5_object_detection_basics/9.4_anchor_boxes.md -------------------------------------------------------------------------------- /chapter09_object_detection/9.3-9.5_object_detection_basics/9.5_multiscale_object_detection.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.3-9.5_object_detection_basics/9.5_multiscale_object_detection.md -------------------------------------------------------------------------------- /chapter09_object_detection/9.3-9.5_object_detection_basics/anchor_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.3-9.5_object_detection_basics/anchor_boxes.py -------------------------------------------------------------------------------- /chapter09_object_detection/9.3-9.5_object_detection_basics/catdog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.3-9.5_object_detection_basics/catdog.jpg -------------------------------------------------------------------------------- /chapter09_object_detection/9.3-9.5_object_detection_basics/multiscale_object_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.3-9.5_object_detection_basics/multiscale_object_detection.py -------------------------------------------------------------------------------- /chapter09_object_detection/9.3-9.5_object_detection_basics/object_detection_and_bounding_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.3-9.5_object_detection_basics/object_detection_and_bounding_boxes.py -------------------------------------------------------------------------------- /chapter09_object_detection/9.7_ssd/9.7_ssd.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.7_ssd/9.7_ssd.md -------------------------------------------------------------------------------- /chapter09_object_detection/9.7_ssd/pikachu.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.7_ssd/pikachu.jpg -------------------------------------------------------------------------------- /chapter09_object_detection/9.7_ssd/pikachu_detect.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.7_ssd/pikachu_detect.png -------------------------------------------------------------------------------- /chapter09_object_detection/9.7_ssd/ssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.7_ssd/ssd.py -------------------------------------------------------------------------------- /chapter09_object_detection/9.7_ssd/ssd_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter09_object_detection/9.7_ssd/ssd_v2.py -------------------------------------------------------------------------------- /chapter11_engineering_related/11.1_tensorboardX/11.1.1_training_monitor/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter11_engineering_related/11.1_tensorboardX/11.1.1_training_monitor/README.md -------------------------------------------------------------------------------- /chapter11_engineering_related/11.1_tensorboardX/11.1.1_training_monitor/linear_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter11_engineering_related/11.1_tensorboardX/11.1.1_training_monitor/linear_regression.py -------------------------------------------------------------------------------- /chapter11_engineering_related/11.1_tensorboardX/11.1.2_visual_computational_graph/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter11_engineering_related/11.1_tensorboardX/11.1.2_visual_computational_graph/README.md -------------------------------------------------------------------------------- /chapter11_engineering_related/11.1_tensorboardX/11.1.2_visual_computational_graph/graph_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter11_engineering_related/11.1_tensorboardX/11.1.2_visual_computational_graph/graph_model.py -------------------------------------------------------------------------------- /chapter11_engineering_related/11.1_tensorboardX/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter11_engineering_related/11.1_tensorboardX/README.md -------------------------------------------------------------------------------- /chapter11_engineering_related/11.1_tensorboardX/official_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter11_engineering_related/11.1_tensorboardX/official_demo.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/README.md -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/LICENSE -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/README.md -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/cifar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/cifar.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/fashionmnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/fashionmnist.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/__init__.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/__init__.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/__init__.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/alexnet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/alexnet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/preresnet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/preresnet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/preresnetimagenet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/preresnetimagenet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/resnet.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/wideresnet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/wideresnet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/wrn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/cifar/wrn.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/__init__.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/__init__.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/__init__.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/alexnet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/alexnet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/preresnet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/preresnet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/preresnetimagenet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/preresnetimagenet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/resnet.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/resnet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/resnet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/resnext.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/resnext.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/wideresnet.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/wideresnet.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/wrn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/wrn.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/wrn.py~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/models/fashion/wrn.py~ -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/submission.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/submission.csv -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/transforms.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/__init__.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/eval.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/logger.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/misc.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/LICENSE -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include README.rst LICENSE 2 | -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/README.rst -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/__init__.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/bar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/bar.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/counter.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/helpers.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/spinner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/progress/spinner.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/setup.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/test_progress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/progress/test_progress.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/transforms.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/Random-Erasing-master/utils/visualize.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline/README.md -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline/baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline/baseline.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline/model/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline_plus/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline_plus/README.md -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline_plus/baseline_plus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline_plus/baseline_plus.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.1_fashionmnist_classification/baseline_plus/model/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.2_recommended_comments/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.2_recommended_comments/README.md -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.2_recommended_comments/bi-lstm/baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.2_recommended_comments/bi-lstm/baseline.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.2_recommended_comments/dataset/test_handout.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.2_recommended_comments/dataset/test_handout.txt -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.2_recommended_comments/dataset/train_shuffle.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.2_recommended_comments/dataset/train_shuffle.txt -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.2_recommended_comments/naive_bayes/naive_bayes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.2_recommended_comments/naive_bayes/naive_bayes.py -------------------------------------------------------------------------------- /chapter12_dive_into_practice/12.2_recommended_comments/推荐评论展示任务.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter12_dive_into_practice/12.2_recommended_comments/推荐评论展示任务.ipynb -------------------------------------------------------------------------------- /chapter13_RNN/6.1_language_model/language_model_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter13_RNN/6.1_language_model/language_model_dataset.py -------------------------------------------------------------------------------- /chapter13_RNN/6.1_language_model/text_preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/chapter13_RNN/6.1_language_model/text_preprocess.py -------------------------------------------------------------------------------- /d2lzh_pytorch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/d2lzh_pytorch/__init__.py -------------------------------------------------------------------------------- /d2lzh_pytorch/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/d2lzh_pytorch/dataset.py -------------------------------------------------------------------------------- /d2lzh_pytorch/figure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/d2lzh_pytorch/figure.py -------------------------------------------------------------------------------- /d2lzh_pytorch/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/d2lzh_pytorch/utils.py -------------------------------------------------------------------------------- /dataset/COCO2014.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/COCO2014.sh -------------------------------------------------------------------------------- /dataset/FashionMNIST/raw/t10k-images-idx3-ubyte.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/FashionMNIST/raw/t10k-images-idx3-ubyte.gz -------------------------------------------------------------------------------- /dataset/FashionMNIST/raw/t10k-labels-idx1-ubyte.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/FashionMNIST/raw/t10k-labels-idx1-ubyte.gz -------------------------------------------------------------------------------- /dataset/FashionMNIST/raw/train-images-idx3-ubyte.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/FashionMNIST/raw/train-images-idx3-ubyte.gz -------------------------------------------------------------------------------- /dataset/FashionMNIST/raw/train-labels-idx1-ubyte.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/FashionMNIST/raw/train-labels-idx1-ubyte.gz -------------------------------------------------------------------------------- /dataset/VOC2007.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/VOC2007.sh -------------------------------------------------------------------------------- /dataset/VOC2012.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/VOC2012.sh -------------------------------------------------------------------------------- /dataset/animal/00e93901213fb80edc59817e34d12f2eb838948b.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/animal/00e93901213fb80edc59817e34d12f2eb838948b.jpg -------------------------------------------------------------------------------- /dataset/animal/0eb30f2442a7d9330c1df226af4bd11373f00129.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/animal/0eb30f2442a7d9330c1df226af4bd11373f00129.jpg -------------------------------------------------------------------------------- /dataset/animal/0ff41bd5ad6eddc45d5848543bdbb6fd536633e5.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/animal/0ff41bd5ad6eddc45d5848543bdbb6fd536633e5.jpg -------------------------------------------------------------------------------- /dataset/animal/4d086e061d950a7b0cc86b8e09d162d9f3d3c9fe.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/animal/4d086e061d950a7b0cc86b8e09d162d9f3d3c9fe.jpg -------------------------------------------------------------------------------- /dataset/animal/4d086e061d950a7b5212b46d08d162d9f2d3c970.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/animal/4d086e061d950a7b5212b46d08d162d9f2d3c970.jpg -------------------------------------------------------------------------------- /dataset/animal/7a899e510fb30f24ecadef67cb95d143ad4b039a.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/animal/7a899e510fb30f24ecadef67cb95d143ad4b039a.jpg -------------------------------------------------------------------------------- /dataset/jaychou_lyrics.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/jaychou_lyrics.txt -------------------------------------------------------------------------------- /dataset/timemachine.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/dataset/timemachine.txt -------------------------------------------------------------------------------- /markdown_imgs/11_1_1_loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/11_1_1_loss.png -------------------------------------------------------------------------------- /markdown_imgs/11_1_2_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/11_1_2_graph.png -------------------------------------------------------------------------------- /markdown_imgs/11_1_PCA.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/11_1_PCA.png -------------------------------------------------------------------------------- /markdown_imgs/11_1_audio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/11_1_audio.png -------------------------------------------------------------------------------- /markdown_imgs/11_1_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/11_1_image.png -------------------------------------------------------------------------------- /markdown_imgs/11_1_scalar.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/11_1_scalar.png -------------------------------------------------------------------------------- /markdown_imgs/9_2_2_voc_show.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/9_2_2_voc_show.png -------------------------------------------------------------------------------- /markdown_imgs/9_2_iou.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/9_2_iou.png -------------------------------------------------------------------------------- /markdown_imgs/9_3_set_bbox_for_anchor.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/9_3_set_bbox_for_anchor.png -------------------------------------------------------------------------------- /markdown_imgs/9_4_ssd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/9_4_ssd.png -------------------------------------------------------------------------------- /markdown_imgs/anchor_and_gt_bboxs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/anchor_and_gt_bboxs.png -------------------------------------------------------------------------------- /markdown_imgs/anchor_at_pixel_250.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/anchor_at_pixel_250.png -------------------------------------------------------------------------------- /markdown_imgs/catdog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/catdog.jpg -------------------------------------------------------------------------------- /markdown_imgs/catdog_with_bbox.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/catdog_with_bbox.png -------------------------------------------------------------------------------- /markdown_imgs/category_with_probs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/category_with_probs.png -------------------------------------------------------------------------------- /markdown_imgs/multiscale_anchor_1_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/multiscale_anchor_1_1.png -------------------------------------------------------------------------------- /markdown_imgs/multiscale_anchor_2_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/multiscale_anchor_2_2.png -------------------------------------------------------------------------------- /markdown_imgs/multiscale_anchor_4_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/multiscale_anchor_4_4.png -------------------------------------------------------------------------------- /markdown_imgs/pikachu.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/pikachu.jpg -------------------------------------------------------------------------------- /markdown_imgs/predict_after_iou.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/predict_after_iou.png -------------------------------------------------------------------------------- /markdown_imgs/visual_pikachu_dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/monkeyDemon/Learn_Dive-into-DL-PyTorch/HEAD/markdown_imgs/visual_pikachu_dataset.png -------------------------------------------------------------------------------- /pretrain/resnet18/.gitkeep: -------------------------------------------------------------------------------- 1 | --------------------------------------------------------------------------------