├── .gitignore ├── README.md ├── aws.md ├── chapter10_Natural-Language-Process ├── char_rnn │ ├── README.md │ ├── char_rnn.ipynb │ ├── config.py │ ├── data │ │ ├── __init__.py │ │ └── dataset.py │ ├── dataset │ │ ├── jay.txt │ │ └── poetry.txt │ ├── main.py │ └── models │ │ ├── __init__.py │ │ └── char_rnn.py └── seq2seq-translation │ ├── README.md │ ├── dataset.py │ ├── evaluate.py │ ├── model │ ├── __init__.py │ └── seq2seq.py │ └── train.py ├── chapter2_PyTorch-Basics ├── PyTorch-introduction.ipynb ├── Tensor-and-Variable.ipynb ├── autograd.ipynb └── dynamic-graph.ipynb ├── chapter3_NN ├── bp.ipynb ├── deep-nn.ipynb ├── linear-regression-gradient-descend.ipynb ├── logistic-regression │ ├── data.txt │ └── logistic-regression.ipynb ├── nn-sequential-module.ipynb ├── optimizer │ ├── adadelta.ipynb │ ├── adagrad.ipynb │ ├── adam.ipynb │ ├── momentum.ipynb │ ├── rmsprop.ipynb │ └── sgd.ipynb └── param_initialize.ipynb ├── chapter4_CNN ├── basic_conv.ipynb ├── batch-normalization.ipynb ├── cat.png ├── data-augumentation.ipynb ├── densenet.ipynb ├── googlenet.ipynb ├── lr-decay.ipynb ├── regularization.ipynb ├── resnet.ipynb ├── utils.py └── vgg.ipynb ├── chapter5_RNN ├── nlp │ ├── n-gram.ipynb │ ├── seq-lstm.ipynb │ └── word-embedding.ipynb ├── pytorch-rnn.ipynb ├── rnn-for-image.ipynb ├── time-series │ ├── data.csv │ └── lstm-time-series.ipynb └── utils.py ├── chapter6_GAN ├── autoencoder.ipynb ├── gan.ipynb └── vae.ipynb ├── chapter7_RL ├── dqn.ipynb ├── dqn.py ├── mount-car.py ├── open_ai_gym.ipynb └── q-learning-intro.ipynb ├── chapter8_PyTorch-Advances ├── data-io.ipynb ├── example_data │ ├── image │ │ ├── class_1 │ │ │ ├── 1.png │ │ │ ├── 2.png │ │ │ └── 3.png │ │ ├── class_2 │ │ │ ├── 10.png │ │ │ ├── 11.png │ │ │ └── 12.png │ │ └── class_3 │ │ │ ├── 16.png │ │ │ ├── 17.png │ │ │ └── 18.png │ └── train.txt └── tensorboard.ipynb ├── chapter9_Computer-Vision ├── Deep-Dream │ ├── README.md │ ├── backward │ │ └── backward.py │ ├── deepdream.py │ ├── guide_image │ │ ├── flower.jpg │ │ ├── input.png │ │ └── kitten.jpg │ ├── resnet.py │ ├── show_image.ipynb │ ├── sky.jpg │ └── util.py ├── fine_tune │ ├── READMD.md │ ├── config.py │ ├── fine-tune.ipynb │ ├── get_data.sh │ └── main.py ├── kaggle_dog_vs_cat │ ├── README.md │ └── model │ │ ├── dataset.py │ │ ├── feature_extraction.py │ │ ├── feature_train.py │ │ ├── fix_train.py │ │ ├── net.py │ │ └── process data.ipynb ├── neural-transfer │ ├── README.md │ ├── build_model.py │ ├── demo.ipynb │ ├── load_img.py │ ├── loss.py │ ├── picture │ │ ├── content.png │ │ ├── saved_picture.png │ │ └── style.png │ └── run_code.py └── segmentation │ ├── README.md │ ├── config.py │ ├── data │ ├── __init__.py │ └── voc.py │ ├── fcn.ipynb │ ├── get_data.sh │ ├── main.py │ └── models │ ├── __init__.py │ └── fcn.py └── utils.py /.gitignore: -------------------------------------------------------------------------------- 1 | .ipynb_checkpoints 2 | .idea -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/README.md -------------------------------------------------------------------------------- /aws.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/aws.md -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/README.md -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/char_rnn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/char_rnn.ipynb -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/config.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/data/__init__.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/data/dataset.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/dataset/jay.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/dataset/jay.txt -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/dataset/poetry.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/dataset/poetry.txt -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/main.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/models/__init__.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/char_rnn/models/char_rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/char_rnn/models/char_rnn.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/seq2seq-translation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/seq2seq-translation/README.md -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/seq2seq-translation/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/seq2seq-translation/dataset.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/seq2seq-translation/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/seq2seq-translation/evaluate.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/seq2seq-translation/model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/seq2seq-translation/model/seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/seq2seq-translation/model/seq2seq.py -------------------------------------------------------------------------------- /chapter10_Natural-Language-Process/seq2seq-translation/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter10_Natural-Language-Process/seq2seq-translation/train.py -------------------------------------------------------------------------------- /chapter2_PyTorch-Basics/PyTorch-introduction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter2_PyTorch-Basics/PyTorch-introduction.ipynb -------------------------------------------------------------------------------- /chapter2_PyTorch-Basics/Tensor-and-Variable.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter2_PyTorch-Basics/Tensor-and-Variable.ipynb -------------------------------------------------------------------------------- /chapter2_PyTorch-Basics/autograd.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter2_PyTorch-Basics/autograd.ipynb -------------------------------------------------------------------------------- /chapter2_PyTorch-Basics/dynamic-graph.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter2_PyTorch-Basics/dynamic-graph.ipynb -------------------------------------------------------------------------------- /chapter3_NN/bp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/bp.ipynb -------------------------------------------------------------------------------- /chapter3_NN/deep-nn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/deep-nn.ipynb -------------------------------------------------------------------------------- /chapter3_NN/linear-regression-gradient-descend.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/linear-regression-gradient-descend.ipynb -------------------------------------------------------------------------------- /chapter3_NN/logistic-regression/data.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/logistic-regression/data.txt -------------------------------------------------------------------------------- /chapter3_NN/logistic-regression/logistic-regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/logistic-regression/logistic-regression.ipynb -------------------------------------------------------------------------------- /chapter3_NN/nn-sequential-module.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/nn-sequential-module.ipynb -------------------------------------------------------------------------------- /chapter3_NN/optimizer/adadelta.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/optimizer/adadelta.ipynb -------------------------------------------------------------------------------- /chapter3_NN/optimizer/adagrad.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/optimizer/adagrad.ipynb -------------------------------------------------------------------------------- /chapter3_NN/optimizer/adam.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/optimizer/adam.ipynb -------------------------------------------------------------------------------- /chapter3_NN/optimizer/momentum.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/optimizer/momentum.ipynb -------------------------------------------------------------------------------- /chapter3_NN/optimizer/rmsprop.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/optimizer/rmsprop.ipynb -------------------------------------------------------------------------------- /chapter3_NN/optimizer/sgd.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/optimizer/sgd.ipynb -------------------------------------------------------------------------------- /chapter3_NN/param_initialize.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter3_NN/param_initialize.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/basic_conv.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/basic_conv.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/batch-normalization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/batch-normalization.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/cat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/cat.png -------------------------------------------------------------------------------- /chapter4_CNN/data-augumentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/data-augumentation.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/densenet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/densenet.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/googlenet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/googlenet.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/lr-decay.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/lr-decay.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/regularization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/regularization.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/resnet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/resnet.ipynb -------------------------------------------------------------------------------- /chapter4_CNN/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/utils.py -------------------------------------------------------------------------------- /chapter4_CNN/vgg.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter4_CNN/vgg.ipynb -------------------------------------------------------------------------------- /chapter5_RNN/nlp/n-gram.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter5_RNN/nlp/n-gram.ipynb -------------------------------------------------------------------------------- /chapter5_RNN/nlp/seq-lstm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter5_RNN/nlp/seq-lstm.ipynb -------------------------------------------------------------------------------- /chapter5_RNN/nlp/word-embedding.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter5_RNN/nlp/word-embedding.ipynb -------------------------------------------------------------------------------- /chapter5_RNN/pytorch-rnn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter5_RNN/pytorch-rnn.ipynb -------------------------------------------------------------------------------- /chapter5_RNN/rnn-for-image.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter5_RNN/rnn-for-image.ipynb -------------------------------------------------------------------------------- /chapter5_RNN/time-series/data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter5_RNN/time-series/data.csv -------------------------------------------------------------------------------- /chapter5_RNN/time-series/lstm-time-series.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter5_RNN/time-series/lstm-time-series.ipynb -------------------------------------------------------------------------------- /chapter5_RNN/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter5_RNN/utils.py -------------------------------------------------------------------------------- /chapter6_GAN/autoencoder.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter6_GAN/autoencoder.ipynb -------------------------------------------------------------------------------- /chapter6_GAN/gan.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter6_GAN/gan.ipynb -------------------------------------------------------------------------------- /chapter6_GAN/vae.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter6_GAN/vae.ipynb -------------------------------------------------------------------------------- /chapter7_RL/dqn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter7_RL/dqn.ipynb -------------------------------------------------------------------------------- /chapter7_RL/dqn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter7_RL/dqn.py -------------------------------------------------------------------------------- /chapter7_RL/mount-car.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter7_RL/mount-car.py -------------------------------------------------------------------------------- /chapter7_RL/open_ai_gym.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter7_RL/open_ai_gym.ipynb -------------------------------------------------------------------------------- /chapter7_RL/q-learning-intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter7_RL/q-learning-intro.ipynb -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/data-io.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/data-io.ipynb -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_1/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_1/1.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_1/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_1/2.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_1/3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_1/3.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_2/10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_2/10.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_2/11.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_2/11.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_2/12.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_2/12.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_3/16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_3/16.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_3/17.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_3/17.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/image/class_3/18.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/image/class_3/18.png -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/example_data/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/example_data/train.txt -------------------------------------------------------------------------------- /chapter8_PyTorch-Advances/tensorboard.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter8_PyTorch-Advances/tensorboard.ipynb -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/README.md -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/backward/backward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/backward/backward.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/deepdream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/deepdream.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/guide_image/flower.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/guide_image/flower.jpg -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/guide_image/input.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/guide_image/input.png -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/guide_image/kitten.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/guide_image/kitten.jpg -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/resnet.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/show_image.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/show_image.ipynb -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/sky.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/sky.jpg -------------------------------------------------------------------------------- /chapter9_Computer-Vision/Deep-Dream/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/Deep-Dream/util.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/fine_tune/READMD.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/fine_tune/READMD.md -------------------------------------------------------------------------------- /chapter9_Computer-Vision/fine_tune/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/fine_tune/config.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/fine_tune/fine-tune.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/fine_tune/fine-tune.ipynb -------------------------------------------------------------------------------- /chapter9_Computer-Vision/fine_tune/get_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/fine_tune/get_data.sh -------------------------------------------------------------------------------- /chapter9_Computer-Vision/fine_tune/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/fine_tune/main.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/kaggle_dog_vs_cat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/kaggle_dog_vs_cat/README.md -------------------------------------------------------------------------------- /chapter9_Computer-Vision/kaggle_dog_vs_cat/model/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/kaggle_dog_vs_cat/model/dataset.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/kaggle_dog_vs_cat/model/feature_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/kaggle_dog_vs_cat/model/feature_extraction.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/kaggle_dog_vs_cat/model/feature_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/kaggle_dog_vs_cat/model/feature_train.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/kaggle_dog_vs_cat/model/fix_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/kaggle_dog_vs_cat/model/fix_train.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/kaggle_dog_vs_cat/model/net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/kaggle_dog_vs_cat/model/net.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/kaggle_dog_vs_cat/model/process data.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/kaggle_dog_vs_cat/model/process data.ipynb -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/README.md -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/build_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/build_model.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/demo.ipynb -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/load_img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/load_img.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/loss.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/picture/content.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/picture/content.png -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/picture/saved_picture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/picture/saved_picture.png -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/picture/style.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/picture/style.png -------------------------------------------------------------------------------- /chapter9_Computer-Vision/neural-transfer/run_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/neural-transfer/run_code.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/README.md -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/config.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/data/__init__.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/data/voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/data/voc.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/fcn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/fcn.ipynb -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/get_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/get_data.sh -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/main.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/models/__init__.py -------------------------------------------------------------------------------- /chapter9_Computer-Vision/segmentation/models/fcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/chapter9_Computer-Vision/segmentation/models/fcn.py -------------------------------------------------------------------------------- /utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/L1aoXingyu/code-of-learn-deep-learning-with-pytorch/HEAD/utils.py --------------------------------------------------------------------------------