├── .github └── ISSUE_TEMPLATE │ ├── bug_report.yml │ └── config.yml ├── .gitignore ├── ACKNOWLEDGEMENT.md ├── CODEOWNERS ├── CONTRIBUTING.md ├── INFO.md ├── Jenkinsfile ├── LICENSE ├── LICENSE-SAMPLECODE ├── LICENSE-SUMMARY ├── README.md ├── STYLE_GUIDE.md ├── chapter_appendix-mathematics-for-deep-learning ├── eigendecomposition.md ├── eigendecomposition_origin.md ├── geometry-linear-algebraic-ops.md ├── geometry-linear-algebraic-ops_origin.md ├── index.md ├── index_origin.md ├── information-theory.md ├── information-theory_origin.md ├── integral-calculus.md ├── integral-calculus_origin.md ├── maximum-likelihood.md ├── maximum-likelihood_origin.md ├── multivariable-calculus.md ├── multivariable-calculus_origin.md ├── naive-bayes.md ├── naive-bayes_origin.md ├── random-variables.md ├── random-variables_origin.md ├── single-variable-calculus.md ├── single-variable-calculus_origin.md ├── statistics.md └── statistics_origin.md ├── chapter_appendix-tools-for-deep-learning ├── aws.md ├── aws_origin.md ├── colab.md ├── colab_origin.md ├── contributing.md ├── contributing_origin.md ├── d2l.md ├── d2l_origin.md ├── index.md ├── index_origin.md ├── jupyter.md ├── jupyter_origin.md ├── sagemaker.md ├── sagemaker_origin.md ├── selecting-servers-gpus.md └── selecting-servers-gpus_origin.md ├── chapter_attention-mechanisms ├── attention-cues.md ├── attention-cues_origin.md ├── attention-scoring-functions.md ├── attention-scoring-functions_origin.md ├── bahdanau-attention.md ├── bahdanau-attention_origin.md ├── index.md ├── index_origin.md ├── multihead-attention.md ├── multihead-attention_origin.md ├── nadaraya-watson.md ├── nadaraya-watson_origin.md ├── self-attention-and-positional-encoding.md ├── self-attention-and-positional-encoding_origin.md ├── transformer.md └── transformer_origin.md ├── chapter_computational-performance ├── async-computation.md ├── async-computation_origin.md ├── auto-parallelism.md ├── auto-parallelism_origin.md ├── hardware.md ├── hardware_origin.md ├── hybridize.md ├── hybridize_origin.md ├── index.md ├── index_origin.md ├── multiple-gpus-concise.md ├── multiple-gpus-concise_origin.md ├── multiple-gpus.md ├── multiple-gpus_origin.md ├── parameterserver.md └── parameterserver_origin.md ├── chapter_computer-vision ├── anchor.md ├── anchor_origin.md ├── bounding-box.md ├── bounding-box_origin.md ├── fcn.md ├── fcn_origin.md ├── fine-tuning.md ├── fine-tuning_origin.md ├── image-augmentation.md ├── image-augmentation_origin.md ├── index.md ├── index_origin.md ├── kaggle-cifar10.md ├── kaggle-cifar10_origin.md ├── kaggle-dog.md ├── kaggle-dog_origin.md ├── multiscale-object-detection.md ├── multiscale-object-detection_origin.md ├── neural-style.md ├── neural-style_origin.md ├── object-detection-dataset.md ├── object-detection-dataset_origin.md ├── rcnn.md ├── rcnn_origin.md ├── semantic-segmentation-and-dataset.md ├── semantic-segmentation-and-dataset_origin.md ├── ssd.md ├── ssd_origin.md ├── transposed-conv.md └── transposed-conv_origin.md ├── chapter_convolutional-modern ├── alexnet.md ├── alexnet_origin.md ├── batch-norm.md ├── batch-norm_origin.md ├── densenet.md ├── densenet_origin.md ├── googlenet.md ├── googlenet_origin.md ├── index.md ├── index_origin.md ├── nin.md ├── nin_origin.md ├── resnet.md ├── resnet_origin.md ├── vgg.md └── vgg_origin.md ├── chapter_convolutional-neural-networks ├── channels.md ├── channels_origin.md ├── conv-layer.md ├── conv-layer_origin.md ├── index.md ├── index_origin.md ├── lenet.md ├── lenet_origin.md ├── padding-and-strides.md ├── padding-and-strides_origin.md ├── pooling.md ├── pooling_origin.md ├── why-conv.md └── why-conv_origin.md ├── chapter_deep-learning-computation ├── custom-layer.md ├── custom-layer_origin.md ├── deferred-init.md ├── deferred-init_origin.md ├── index.md ├── index_origin.md ├── model-construction.md ├── model-construction_origin.md ├── parameters.md ├── parameters_origin.md ├── read-write.md ├── read-write_origin.md ├── use-gpu.md └── use-gpu_origin.md ├── chapter_generative-adversarial-networks ├── dcgan.md ├── dcgan_origin.md ├── gan.md ├── gan_origin.md ├── index.md └── index_origin.md ├── chapter_installation ├── index.md └── index_origin.md ├── chapter_introduction ├── index.md └── index_origin.md ├── chapter_linear-networks ├── image-classification-dataset.md ├── image-classification-dataset_origin.md ├── index.md ├── index_origin.md ├── linear-regression-concise.md ├── linear-regression-concise_origin.md ├── linear-regression-scratch.md ├── linear-regression-scratch_origin.md ├── linear-regression.md ├── linear-regression_origin.md ├── softmax-regression-concise.md ├── softmax-regression-concise_origin.md ├── softmax-regression-scratch.md ├── softmax-regression-scratch_origin.md ├── softmax-regression.md └── softmax-regression_origin.md ├── chapter_multilayer-perceptrons ├── backprop.md ├── backprop_origin.md ├── dropout.md ├── dropout_origin.md ├── environment.md ├── environment_origin.md ├── index.md ├── index_origin.md ├── kaggle-house-price.md ├── kaggle-house-price_origin.md ├── mlp-concise.md ├── mlp-concise_origin.md ├── mlp-scratch.md ├── mlp-scratch_origin.md ├── mlp.md ├── mlp_origin.md ├── numerical-stability-and-init.md ├── numerical-stability-and-init_origin.md ├── underfit-overfit.md ├── underfit-overfit_origin.md ├── weight-decay.md └── weight-decay_origin.md ├── chapter_natural-language-processing-applications ├── finetuning-bert.md ├── finetuning-bert_origin.md ├── index.md ├── index_origin.md ├── natural-language-inference-and-dataset.md ├── natural-language-inference-and-dataset_origin.md ├── natural-language-inference-attention.md ├── natural-language-inference-attention_origin.md ├── natural-language-inference-bert.md ├── natural-language-inference-bert_origin.md ├── sentiment-analysis-and-dataset.md ├── sentiment-analysis-and-dataset_origin.md ├── sentiment-analysis-cnn.md ├── sentiment-analysis-cnn_origin.md ├── sentiment-analysis-rnn.md └── sentiment-analysis-rnn_origin.md ├── chapter_natural-language-processing-pretraining ├── approx-training.md ├── approx-training_origin.md ├── bert-dataset.md ├── bert-dataset_origin.md ├── bert-pretraining.md ├── bert-pretraining_origin.md ├── bert.md ├── bert_origin.md ├── glove.md ├── glove_origin.md ├── index.md ├── index_origin.md ├── similarity-analogy.md ├── similarity-analogy_origin.md ├── subword-embedding.md ├── subword-embedding_origin.md ├── word-embedding-dataset.md ├── word-embedding-dataset_origin.md ├── word2vec-pretraining.md ├── word2vec-pretraining_origin.md ├── word2vec.md └── word2vec_origin.md ├── chapter_notation ├── index.md └── index_origin.md ├── chapter_optimization ├── adadelta.md ├── adadelta_origin.md ├── adagrad.md ├── adagrad_origin.md ├── adam.md ├── adam_origin.md ├── convexity.md ├── convexity_origin.md ├── gd.md ├── gd_origin.md ├── index.md ├── index_origin.md ├── lr-scheduler.md ├── lr-scheduler_origin.md ├── minibatch-sgd.md ├── minibatch-sgd_origin.md ├── momentum.md ├── momentum_origin.md ├── optimization-intro.md ├── optimization-intro_origin.md ├── rmsprop.md ├── rmsprop_origin.md ├── sgd.md └── sgd_origin.md ├── chapter_preface ├── index.md └── index_origin.md ├── chapter_preliminaries ├── autograd.md ├── autograd_origin.md ├── calculus.md ├── calculus_origin.md ├── index.md ├── index_origin.md ├── linear-algebra.md ├── linear-algebra_origin.md ├── lookup-api.md ├── lookup-api_origin.md ├── ndarray.md ├── ndarray_origin.md ├── pandas.md ├── pandas_origin.md ├── probability.md └── probability_origin.md ├── chapter_recommender-systems ├── autorec.md ├── autorec_origin.md ├── ctr.md ├── ctr_origin.md ├── deepfm.md ├── deepfm_origin.md ├── fm.md ├── fm_origin.md ├── index.md ├── index_origin.md ├── mf.md ├── mf_origin.md ├── movielens.md ├── movielens_origin.md ├── neumf.md ├── neumf_origin.md ├── ranking.md ├── ranking_origin.md ├── recsys-intro.md ├── recsys-intro_origin.md ├── seqrec.md └── seqrec_origin.md ├── chapter_recurrent-modern ├── beam-search.md ├── beam-search_origin.md ├── bi-rnn.md ├── bi-rnn_origin.md ├── deep-rnn.md ├── deep-rnn_origin.md ├── encoder-decoder.md ├── encoder-decoder_origin.md ├── gru.md ├── gru_origin.md ├── index.md ├── index_origin.md ├── lstm.md ├── lstm_origin.md ├── machine-translation-and-dataset.md ├── machine-translation-and-dataset_origin.md ├── seq2seq.md └── seq2seq_origin.md ├── chapter_recurrent-neural-networks ├── bptt.md ├── bptt_origin.md ├── index.md ├── index_origin.md ├── language-models-and-dataset.md ├── language-models-and-dataset_origin.md ├── rnn-concise.md ├── rnn-concise_origin.md ├── rnn-scratch.md ├── rnn-scratch_origin.md ├── rnn.md ├── rnn_origin.md ├── sequence.md ├── sequence_origin.md ├── text-preprocessing.md └── text-preprocessing_origin.md ├── chapter_references └── zreferences.md ├── config.ini ├── contrib ├── appendix │ └── use_sagemaker.md ├── chapter_crashcourse │ ├── chapter-one-problem-set.md │ └── preface.md └── img │ ├── jupyter_sagemaker.png │ └── sagemaker.png ├── d2l.bib ├── d2l ├── __init__.py ├── mxnet.py ├── tensorflow.py └── torch.py ├── glossary.md ├── graffle ├── appendix │ ├── 3dFunc.graffle │ ├── ChainNet1.graffle │ ├── ChainNet2.graffle │ ├── GridPoints.graffle │ ├── GridTransform.graffle │ ├── GridTransformFilled.graffle │ ├── GridWithArrow.graffle │ ├── Marginal.graffle │ ├── ParVec.graffle │ ├── ProjVec.graffle │ ├── RectTrans.graffle │ ├── SpaceDivision.graffle │ ├── SpaceDivision3D.graffle │ ├── SubArea.graffle │ ├── SumOrder.graffle │ ├── VecAdd.graffle │ ├── VecAngle.graffle │ ├── comparing_estimators.graffle │ ├── mutual_information.graffle │ ├── negSecDer.graffle │ ├── posSecDer.graffle │ ├── statistical_power.graffle │ ├── statistical_significance.graffle │ └── zeroSecDer.graffle ├── attention │ ├── add_norm.graffle │ ├── attention.graffle │ ├── encoder-decoder.graffle │ ├── multi-head-attention.graffle │ ├── positional_encoding.graffle │ ├── self-attention-predict.graffle │ ├── self-attention.graffle │ ├── seq2seq-attention-details.graffle │ ├── seq2seq_attention.graffle │ └── transformer.graffle ├── book-org.graffle ├── cnn-basic │ ├── conv-1x1.graffle │ ├── conv-multi-in.graffle │ ├── conv-pad.graffle │ ├── conv-stride.graffle │ ├── correlation.graffle │ ├── lenet-vert.graffle │ ├── lenet.graffle │ ├── pooling.graffle │ └── waldo-mask.graffle │ │ ├── data.plist │ │ └── image1.jpg ├── cnn-modern │ ├── ResNetFull.graffle │ ├── ResNetManyFlavor.graffle │ ├── alexnet.graffle │ ├── densenet-block.graffle │ ├── densenet.graffle │ ├── functionclasses.graffle │ ├── inception-full.graffle │ ├── inception.graffle │ ├── nin-compare.graffle │ ├── nin.graffle │ ├── residual-block.graffle │ ├── resnet-block.graffle │ └── vgg.graffle ├── computation │ ├── blocks.graffle │ ├── computegraph.graffle │ │ ├── data.plist │ │ ├── image1.png │ │ ├── image2.tiff │ │ ├── image3.tiff │ │ └── preview.jpeg │ ├── copyto.graffle │ └── frontends.graffle │ │ ├── data.plist │ │ ├── image10.tiff │ │ ├── image2.tiff │ │ ├── image3.tiff │ │ ├── image4.tiff │ │ ├── image5.pdf │ │ ├── image6.tiff │ │ ├── image8.tiff │ │ └── preview.jpeg ├── contribute.graffle ├── convert.sh ├── gan │ └── gan.graffle ├── intro │ ├── data-collection.graffle │ ├── diveintodl.graffle │ ├── ml-loop.graffle │ ├── rl-environment.graffle │ ├── supervised-learning.graffle │ └── wake-word.graffle ├── linear │ ├── fit_linreg.graffle │ ├── linear.graffle │ ├── singlelayer.graffle │ ├── singleneuron.graffle │ └── softmaxreg.graffle ├── mlp │ ├── add_norm.graffle │ ├── capacity_vs_error.graffle │ ├── deepmlp.graffle │ ├── dropout.graffle │ ├── dropout2.graffle │ ├── forward.graffle │ ├── mlp.graffle │ └── single-mlp.graffle ├── nlp │ ├── cbow.graffle │ ├── conv1d-2d.graffle │ ├── conv1d-channel.graffle │ ├── conv1d.graffle │ ├── hi-softmax.graffle │ ├── sentiment-rnn.graffle │ ├── skip-gram.graffle │ └── textcnn.graffle ├── optimization │ └── convex.graffle ├── performance │ └── data-parallel.graffle ├── recsys │ ├── rec-caser.graffle │ ├── rec-deepfm.graffle │ ├── rec-mf.graffle │ ├── rec-neumf.graffle │ ├── rec-ranking.graffle │ └── rec-seq-data.graffle ├── rnn │ ├── beam-search.graffle │ ├── birnn.graffle │ ├── deep-rnn.graffle │ ├── rnn-bptt.graffle │ ├── rnn-train.graffle │ ├── rnn.graffle │ │ ├── data.plist │ │ └── image2.pdf │ ├── s2s-prob1.graffle │ ├── s2s-prob2.graffle │ ├── seq2seq-details.graffle │ ├── seq2seq.graffle │ ├── seq2seq_predict.graffle │ ├── sequence-model.graffle │ ├── timemachine-5gram.graffle │ └── truncated-bptt.graffle ├── transformer.graffle └── vision │ ├── anchor-label.graffle │ ├── cv.graffle │ ├── data.plist │ ├── image27.jpg │ ├── image28.jpg │ ├── image29.jpg │ ├── image30.jpg │ ├── image32.jpg │ ├── image33.jpg │ └── image6.jpg │ ├── finetune.graffle │ └── trans_conv.graffle ├── img ├── 404.jpg ├── GridPoints.svg ├── GridTransform.svg ├── GridTransformFilled.svg ├── ParVec.svg ├── ProjVec.svg ├── README.md ├── ResNetFull.svg ├── ResNetManyFlavor.svg ├── SpaceDivision.svg ├── SpaceDivision3D.svg ├── VecAdd.svg ├── VecAngle.svg ├── a77.svg ├── alexnet-original.svg ├── alexnet.svg ├── anchor-label.svg ├── asyncgraph.svg ├── attention-output.svg ├── attention.svg ├── attention_output.svg ├── autumn-oak.jpg ├── autumn_oak.jpg ├── aws.png ├── banana-fruits-original.jpeg ├── banana-fruits.jpeg ├── banana.jpg ├── beam-search.svg ├── bert-input.svg ├── bert-one-seq.svg ├── bert-qa.svg ├── bert-tagging.svg ├── bert-two-seqs.svg ├── birnn.svg ├── blocks.svg ├── book-org.svg ├── bw-hierarchy.svg ├── capacity-vs-error.svg ├── capacity_vs_error.svg ├── cat-cartoon1.png ├── cat-cartoon2.png ├── cat-dog-pixels.png ├── cat-dog-test.svg ├── cat-dog-train.svg ├── cat1.jpg ├── cat1.png ├── cat2.jpg ├── cat3.jpg ├── cat_dog_pixels.png ├── catdog.jpg ├── cbow.svg ├── chain-net1.svg ├── chain-net2.svg ├── chmod.png ├── cifar10.png ├── cnn-rnn-self-attention.svg ├── colab-2.png ├── colab.png ├── comp-comm.svg ├── comparing_estimators.svg ├── computegraph.svg ├── conda_create_d2l.png ├── connect.png ├── contrib01.png ├── contrib02.png ├── contrib03.png ├── contrib04.png ├── contrib05.png ├── contrib06.png ├── contribute.svg ├── conv-1x1.svg ├── conv-multi-in.svg ├── conv-pad.svg ├── conv-stride.svg ├── conv1d-2d.svg ├── conv1d-channel.svg ├── conv1d.svg ├── convert.sh ├── convex-intersect.svg ├── copyto.svg ├── correlation.svg ├── cuda.png ├── cuda101.png ├── cuda_accept.png ├── cuda_install.png ├── cuda_yes.png ├── data-collection.png ├── data-collection.svg ├── data-parallel.svg ├── death-cap.jpg ├── death_cap.jpg ├── deep-rnn.svg ├── deeplearning-amazon.jpg ├── deeplearning_amazon.png ├── dense-rnn.svg ├── densenet-block.svg ├── densenet.svg ├── disk.png ├── dog-cartoon1.png ├── dog-cartoon2.jpg ├── dog-cartoon2.png ├── dog1.jpg ├── dog2.jpg ├── dog_hotdog.jpg ├── dogdogcat.png ├── dropout.svg ├── dropout2.svg ├── ec2.png ├── ec2_region.png ├── edit-file.png ├── edit_img_tut.md ├── elmo-gpt-bert.svg ├── encoder-decoder.svg ├── eye-book.png ├── eye-book.svg ├── eye-coffee.png ├── eye-coffee.svg ├── falsesharing.svg ├── fast-rcnn.svg ├── faster-rcnn.svg ├── fcn.svg ├── filters.png ├── finetune.svg ├── fit-linreg.svg ├── fit_linreg.svg ├── flopsvsprice.svg ├── forward.svg ├── frontends.png ├── frontends.svg ├── ftse100.png ├── functionclasses.svg ├── gan.svg ├── git-clone.png ├── git-createpr.png ├── git-fork.png ├── git-forked.png ├── git-newpr.png ├── grid-points.svg ├── grid-transform-filled.svg ├── grid-transform.svg ├── gru-1.svg ├── gru-2.svg ├── gru-3.svg ├── gru_1.svg ├── gru_2.svg ├── gru_3.svg ├── gtx.png ├── hi-softmax.svg ├── hmm.svg ├── house-pricing.png ├── house_pricing.png ├── img_asset │ ├── add_translation.png │ ├── align.png │ ├── append_tag.png │ ├── delete_tag.png │ ├── done.png │ ├── edit_mode.png │ ├── intro.png │ ├── look.png │ ├── normal_mode.png │ ├── open.png │ ├── open_xml.png │ ├── save.png │ ├── surface1.png │ ├── text_tag.png │ ├── text_tag2.png │ ├── wake-word.svg │ └── xml_tag.png ├── inception-full.svg ├── inception.svg ├── intersect.svg ├── iou.svg ├── jupyter.png ├── jupyter00.png ├── jupyter01.png ├── jupyter02.png ├── jupyter03.png ├── jupyter04.png ├── jupyter05.png ├── jupyter06.png ├── kaggle-cifar10.png ├── kaggle-dog.jpg ├── kaggle-dog.png ├── kaggle-submit2.png ├── kaggle.png ├── kaggle_cifar10.png ├── kaggle_submit2.png ├── keypair.png ├── koebel.jpg ├── latencynumbers.png ├── latencynumbers.svg ├── launching.png ├── lenet-vert.svg ├── lenet.svg ├── limits.png ├── linearregression.svg ├── linreg.svg ├── lstm-0.svg ├── lstm-1.svg ├── lstm-2.svg ├── lstm-3.svg ├── lstm_0.svg ├── lstm_1.svg ├── lstm_2.svg ├── lstm_3.svg ├── marginal.svg ├── mask-rcnn.svg ├── miniconda.png ├── ml-loop.png ├── ml-loop.svg ├── mlp.svg ├── mobo-symbol.svg ├── multi-head-attention.svg ├── mutual-information.svg ├── mutual_information.png ├── mutual_information.svg ├── mxnet-website.png ├── negSecDer.svg ├── neon128.svg ├── neural-style.jpg ├── neural-style.png ├── neural-style.svg ├── neuron.svg ├── nin.svg ├── nli-attention.svg ├── nli_attention.svg ├── nlp-map-app.svg ├── nlp-map-nli-attention.svg ├── nlp-map-nli-bert.svg ├── nlp-map-pretrain.svg ├── nlp-map-sa-cnn.svg ├── nlp-map-sa-rnn.svg ├── nonconvex.svg ├── nvidia-smi.png ├── nvlink-twoloop.svg ├── nvlink.svg ├── ones_like.png ├── os.png ├── p2x.png ├── pacman.svg ├── par-vec.svg ├── pikachu.jpg ├── polygon-circle.svg ├── polygon_area.svg ├── polygon_circle.svg ├── pooling.svg ├── popvssoda.png ├── posSecDer.svg ├── positional_encoding.svg ├── proj-vec.svg ├── projections.svg ├── ps-distributed.svg ├── ps-multimachine.svg ├── ps-multips.svg ├── ps.svg ├── pvalue_explain.png ├── qkv.svg ├── r-cnn.svg ├── rainier.jpg ├── ratbrain.jpg ├── rec-caser.svg ├── rec-deepfm.svg ├── rec-intro.svg ├── rec-mf.svg ├── rec-neumf.svg ├── rec-ranking.svg ├── rec-seq-data.svg ├── rect-trans.svg ├── residual-block.svg ├── residual-rnn.svg ├── resnet-block.svg ├── resnet18.svg ├── ringsync.svg ├── rl-environment.png ├── rl-environment.svg ├── rnn-bptt.svg ├── rnn-train.svg ├── rnn.svg ├── roi.svg ├── s2s-prob1.svg ├── s2s-prob2.svg ├── sagemaker-create-2.png ├── sagemaker-create-3.png ├── sagemaker-create.png ├── sagemaker-jupyter.png ├── sagemaker-open.png ├── sagemaker-stop.png ├── sagemaker-terminal.png ├── sagemaker.png ├── segmentation.svg ├── self-attention-predict.svg ├── self-attention.svg ├── seq2seq-attention-details.svg ├── seq2seq-attention.svg ├── seq2seq-details.svg ├── seq2seq-predict.svg ├── seq2seq.svg ├── seq2seq_attention.svg ├── seq2seq_predict.svg ├── sequence-model.svg ├── sharks.png ├── singlelayer.svg ├── singleneuron.svg ├── skip-gram.svg ├── skylake.svg ├── softmaxreg.svg ├── space-division-3d.svg ├── space-division.svg ├── speech.png ├── splitting.svg ├── ssd.svg ├── ssh.png ├── stackedanimals.jpg ├── stackedanimals.png ├── statistical-significance.svg ├── statistical_power.png ├── statistical_power.svg ├── stopterminate.png ├── style-transfer.svg ├── sub-area.svg ├── sum-order.svg ├── supervised-learning.png ├── supervised-learning.svg ├── taxonomy.jpg ├── tensorcore.jpg ├── textcnn.svg ├── threading.svg ├── timemachine-5gram.svg ├── trans_conv.svg ├── trans_conv_stride2.svg ├── transformer.svg ├── truncated-bptt.svg ├── turing-processing-block.png ├── turing.png ├── turing_processing_block.png ├── twogpu.svg ├── ubuntu-new.png ├── ubuntu.png ├── vec-add.svg ├── vec-angle.svg ├── vgg.svg ├── wake-word.png ├── wake-word.svg ├── waldo-mask.jpg ├── waldo.jpg ├── wattvsprice.svg ├── where-wally-walker-books.jpg ├── whitecat10.jpg ├── whitecat160.jpg ├── whitecat20.jpg ├── whitecat320.jpg ├── whitecat40.jpg ├── whitecat80.jpg ├── whitedog.jpg ├── whitedog10.jpg ├── whitedog160.jpg ├── whitedog20.jpg ├── whitedog320.jpg ├── whitedog40.jpg ├── whitedog80.jpg └── zeroSecDer.svg ├── index.md ├── setup.py └── static ├── build.yml ├── build_html.sh ├── cache.sh ├── clean_img.sh ├── favicon-blue-background.jpg ├── favicon.png ├── frontpage ├── _images │ ├── alex.jpg │ ├── anirudh.jpg │ ├── aston.jpg │ ├── baris.jpg │ ├── brent.jpg │ ├── code.jpg │ ├── eq.jpg │ ├── figure.jpg │ ├── forum.gif │ ├── forum.jpg │ ├── forum.mp4 │ ├── front.png │ ├── laptop_jupyter.png │ ├── logos │ │ ├── Alexandria-University.svg │ │ ├── Amity-University.png │ │ ├── Ateneo-de-Naga-University.png │ │ ├── Australian-National-University.png │ │ ├── Bar-Ilan-University.svg │ │ ├── Barnard-College.svg │ │ ├── Birla-Institute-of-Technology-and-Science,-Hyderabad.svg │ │ ├── Boston-University.svg │ │ ├── Brandeis-University.svg │ │ ├── Brown-University.png │ │ ├── Cairo-University.png │ │ ├── Carnegie-Mellon-University.png │ │ ├── College-of-Engineering-Pune.png │ │ ├── Columbia-University.png │ │ ├── Cyprus-Institute.png │ │ ├── Duke-University.svg │ │ ├── Durban-University-of-Technology.png │ │ ├── Ecole-Nationale-Superieure-dInformatique.png │ │ ├── Emory-University.png │ │ ├── Eotvos-Lorand-University.png │ │ ├── Escuela-Politecnica-Nacional.png │ │ ├── Federal-University-Lokoja.png │ │ ├── Fudan-University.svg │ │ ├── Gayatri-Vidya-Parishad-College-of-Engineering-(Autonomous).png │ │ ├── Gazi-Universitesi.png │ │ ├── George-Mason-University.svg │ │ ├── Georgetown-University.svg │ │ ├── Georgia-Institute-of-Technology.svg │ │ ├── Golden-Gate-University.png │ │ ├── Habib-University.png │ │ ├── Hamad-Bin-Khalifa-University.png │ │ ├── Hangzhou-Dianzi-University.png │ │ ├── Hankuk-University-of-Foreign-Studies.png │ │ ├── Harbin-Institute-of-Technology.png │ │ ├── Harvard-University.png │ │ ├── Hasso-Plattner-Institut.png │ │ ├── Heinrich-Heine-Universitat-Dusseldorf.svg │ │ ├── Hertie-School.png │ │ ├── Hiroshima-University.png │ │ ├── Ho-Chi-Minh-City-University-of-Foreign-Languages-and-Information-Technology.png │ │ ├── Hochschule-Bremen.png │ │ ├── Hochschule-fur-Technik-und-Wirtschaft.svg │ │ ├── Hong-Kong-University-of-Science-and-Technology.png │ │ ├── Huazhong-University-of-Science-and-Technology.png │ │ ├── IMT-Mines-Ales.png │ │ ├── IT-Universitetet-i-Kobenhavn.svg │ │ ├── Imperial-College-London.svg │ │ ├── Indian-Institute-of-Technology-Bombay.png │ │ ├── Indian-Institute-of-Technology-Hyderabad.png │ │ ├── Indian-Institute-of-Technology-Jodhpur.png │ │ ├── Indian-Institute-of-Technology-Kanpur.svg │ │ ├── Indian-Institute-of-Technology-Kharagpur.svg │ │ ├── Indian-Institute-of-Technology-Mandi.png │ │ ├── Indian-Institute-of-Technology-Ropar.png │ │ ├── Indira-Gandhi-National-Open-University.svg │ │ ├── Indraprastha-Institute-of-Information-Technology,-Delhi.png │ │ ├── Institut-Superieur-De-L'electronique-Et-Du-Numerique.png │ │ ├── Institut-Superieur-d'Informatique-et-des-Techniques-de-Communication.png │ │ ├── Institut-Teknologi-Bandung.svg │ │ ├── Institut-catholique-d'arts-et-metiers-(ICAM).svg │ │ ├── Institut-de-recherche-en-informatique-de-Toulouse.svg │ │ ├── Instituto-Tecnologico-Autonomo-de-Mexico.png │ │ ├── Instituto-Tecnologico-de-Buenos-Aires.png │ │ ├── Istanbul-Teknik-Universitesi.svg │ │ ├── Johns-Hopkins-University.png │ │ ├── KPR-Institute-of-Engineering-and-Technology.png │ │ ├── Keio-University.png │ │ ├── King-Abdullah-University-of-Science-and-Technology.svg │ │ ├── King-Fahd-University-of-Petroleum-and-Minerals.svg │ │ ├── Kongu-Engineering-College.png │ │ ├── Kyungpook-National-University.png │ │ ├── Leading-Unviersity.png │ │ ├── Leibniz-Universitat-Hannover.png │ │ ├── Leuphana-University-of-Luneburg.png │ │ ├── London-School-of-Economics-&-Political-Science.png │ │ ├── Masaryk-University.svg │ │ ├── Massachusetts-Institute-of-Technology.svg │ │ ├── McGill-University.png │ │ ├── Menoufia-University.png │ │ ├── Milwaukee-School-of-Engineering.svg │ │ ├── Minia-University.png │ │ ├── Mohammed-V-University-in-Rabat.png │ │ ├── Monash-University.png │ │ ├── Multimedia-University.png │ │ ├── National-Chung-Hsing-University.png │ │ ├── National-Institute-of-Technical-Teachers-Training-&-Research.png │ │ ├── National-Institute-of-Technology,-Warangal.png │ │ ├── National-Sun-Yat-sen-University.png │ │ ├── National-Taiwan-University.png │ │ ├── National-Technical-University-of-Athens.png │ │ ├── National-Technical-University-of-Ukraine.png │ │ ├── National-United-University.svg │ │ ├── National-University-of-Singapore.png │ │ ├── Nazarbayev-University.png │ │ ├── New-York-University.png │ │ ├── Newman-University.png │ │ ├── North-Ossetian-State-University.png │ │ ├── Northeastern-University.svg │ │ ├── Northwestern-University.png │ │ ├── Ohio-University.svg │ │ ├── Peking-University.svg │ │ ├── Pennsylvania-State-University.png │ │ ├── Pohang-University-of-Science-and-Technology.png │ │ ├── Politecnico-di-Milano.png │ │ ├── Pontificia-Universidad-Catolica-de-Chile.svg │ │ ├── Pontificia-Universidad-Catolica-del-Peru.png │ │ ├── Portland-State-University.svg │ │ ├── Purdue-University.svg │ │ ├── Quaid-e-Azam-University.png │ │ ├── Queen's-University.png │ │ ├── Radboud-Universiteit.png │ │ ├── Rowan-University.svg │ │ ├── Rutgers,-The-State-University-of-New-Jersey.svg │ │ ├── Santa-Clara-University.svg │ │ ├── Sapienza-Universita-di-Roma.png │ │ ├── Seoul-National-University-of-Science-and-Technology.png │ │ ├── Seoul-National-University.svg │ │ ├── Shanghai-Jiao-Tong-University.png │ │ ├── Shanghai-University-of-Finance-and-Economics.png │ │ ├── Sharif-University-of-Technology.svg │ │ ├── Shenzhen-University.svg │ │ ├── Simon-Fraser-University.png │ │ ├── Singapore-University-of-Technology-and-Design.png │ │ ├── Sogang-University.png │ │ ├── Southern-New-Hampshire-University.svg │ │ ├── St.-Polten-University-of-Applied-Sciences.svg │ │ ├── Stanford-University.png │ │ ├── State-University-of-New-York-at-Binghamton.png │ │ ├── Stevens-Institute-of-Technology.svg │ │ ├── Sungkyunkwan-University.svg │ │ ├── Technion---Israel-Institute-of-Technology.svg │ │ ├── Technische-Universitat-Berlin.svg │ │ ├── Technische-Universiteit-Delft.png │ │ ├── Tekirdag-Namik-Kemal-Universitesi.png │ │ ├── Texas-A&M-University.png │ │ ├── Thapar-Institute-of-Engineering-and-Technology.png │ │ ├── Tsinghua-University.png │ │ ├── Tufts-University.svg │ │ ├── Umea-University.png │ │ ├── Universidad-Carlos-III-de-Madrid.svg │ │ ├── Universidad-Militar-Nueva-Granada.svg │ │ ├── Universidad-Nacional-Autonoma-de-Mexico.svg │ │ ├── Universidad-Nacional-de-Colombia-Sede-Manizales.png │ │ ├── Universidad-Nacional-de-Tierra-del-Fuego.png │ │ ├── Universidad-San-Francisco-de-Quito.png │ │ ├── Universidad-Tecnologica-de-Pereira.png │ │ ├── Universidad-de-Zaragoza.png │ │ ├── Universidade-Catolica-de-Brasilia.png │ │ ├── Universidade-Estadual-de-Campinas.svg │ │ ├── Universidade-Federal-de-Minas-Gerais.jpg │ │ ├── Universidade-Federal-de-Ouro-Preto.png │ │ ├── Universidade-Federal-do-Rio-Grande.svg │ │ ├── Universidade-NOVA-de-Lisboa.png │ │ ├── Universidade-Presbiteriana-Mackenzie.png │ │ ├── Universita-degli-Studi-di-Bari-Aldo-Moro.png │ │ ├── Universita-degli-Studi-di-Brescia.svg │ │ ├── Universita-degli-Studi-di-Catania.png │ │ ├── Universita-degli-Studi-di-Padova.svg │ │ ├── Universitas-Andalas,-Padang.svg │ │ ├── Universitas-Udayana.png │ │ ├── Universitat-Heidelberg.png │ │ ├── Universitat-Politecnica-de-Catalunya.svg │ │ ├── Universitat-de-Barcelona.png │ │ ├── Universitatea-Babes-Bolyai.png │ │ ├── Universitatea-de-Vest-din-Timisoara.png │ │ ├── Universite-Cote-dAzur.png │ │ ├── Universite-Paris-Saclay.svg │ │ ├── Universite-de-technologie-de-Compiegne.png │ │ ├── University-of-Arkansas.svg │ │ ├── University-of-Augsburg.svg │ │ ├── University-of-British-Columbia.png │ │ ├── University-of-California,-Berkeley.png │ │ ├── University-of-California,-Irvine.svg │ │ ├── University-of-California,-Los-Angeles.png │ │ ├── University-of-California,-San-Diego.png │ │ ├── University-of-California,-Santa-Barbara.png │ │ ├── University-of-California,-Santa-Cruz.svg │ │ ├── University-of-Cambridge.png │ │ ├── University-of-Canberra.png │ │ ├── University-of-Cincinnati.png │ │ ├── University-of-Connecticut.svg │ │ ├── University-of-Copenhagen.svg │ │ ├── University-of-Florida.svg │ │ ├── University-of-Groningen.png │ │ ├── University-of-Hamburg.svg │ │ ├── University-of-Hull.svg │ │ ├── University-of-Iceland.svg │ │ ├── University-of-Idaho.svg │ │ ├── University-of-Illinois-at-Urbana-Champaign.png │ │ ├── University-of-International-Business-and-Economics.png │ │ ├── University-of-Klagenfurt.png │ │ ├── University-of-Liege.svg │ │ ├── University-of-Maryland.svg │ │ ├── University-of-Michigan.png │ │ ├── University-of-Minnesota,-Twin-Cities.svg │ │ ├── University-of-Moratuwa.png │ │ ├── University-of-New-Hampshire.png │ │ ├── University-of-Newcastle.png │ │ ├── University-of-North-Carolina-at-Chapel-Hill.svg │ │ ├── University-of-North-Texas.png │ │ ├── University-of-Northern-Philippines.png │ │ ├── University-of-Nottingham.png │ │ ├── University-of-Pennsylvania.png │ │ ├── University-of-Pittsburgh.svg │ │ ├── University-of-Sao-Paulo.png │ │ ├── University-of-Science-and-Technology-of-China.svg │ │ ├── University-of-Southern-Maine.svg │ │ ├── University-of-St-Andrews.svg │ │ ├── University-of-Szeged.png │ │ ├── University-of-Technology-Sydney.png │ │ ├── University-of-Tehran.svg │ │ ├── University-of-Texas-at-Austin.svg │ │ ├── University-of-Warsaw.png │ │ ├── University-of-Washington.png │ │ ├── University-of-Wisconsin-Madison.png │ │ ├── Univerzita-Komenskeho-v-Bratislave.png │ │ ├── Vardhaman-College-of-Engineering.png │ │ ├── Vardhman-Mahaveer-Open-University.png │ │ ├── Vietnamese-German-University.png │ │ ├── Wageningen-University.png │ │ ├── West-Virginia-University.svg │ │ ├── Western-University.png │ │ ├── Xavier-University-Bhubaneswar.png │ │ ├── Xi'an-Jiaotong-Liverpool-University.png │ │ ├── Xiamen-University.svg │ │ ├── Yeshiva-University.png │ │ ├── Yonsei-University.svg │ │ ├── Yunnan-University.png │ │ ├── Zhejiang-University.svg │ │ ├── colab.png │ │ ├── hkust.gif │ │ ├── logoimg1.png │ │ ├── logoimg2.png │ │ ├── logoimg3.png │ │ ├── logoimg4.png │ │ ├── logoimg5.png │ │ ├── logoimg6.png │ │ ├── logoimg7.png │ │ ├── sagemaker-studio-lab.png │ │ └── sagemaker.png │ ├── map.png │ ├── mu.jpg │ ├── notebook.gif │ ├── notebook.jpg │ ├── notebook.mp4 │ ├── rachel.jpeg │ ├── shuai.jpg │ ├── yi.jpg │ └── zack.jpg └── frontpage.html ├── latex-logo.png ├── logo-with-text-vi.png ├── logo-with-text.png ├── logo.png └── post_latex └── main.py /.github/ISSUE_TEMPLATE/bug_report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/.github/ISSUE_TEMPLATE/bug_report.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- 1 | blank_issues_enabled: true 2 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/.gitignore -------------------------------------------------------------------------------- /ACKNOWLEDGEMENT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/ACKNOWLEDGEMENT.md -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /INFO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/INFO.md -------------------------------------------------------------------------------- /Jenkinsfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/Jenkinsfile -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/LICENSE -------------------------------------------------------------------------------- /LICENSE-SAMPLECODE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/LICENSE-SAMPLECODE -------------------------------------------------------------------------------- /LICENSE-SUMMARY: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/LICENSE-SUMMARY -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/README.md -------------------------------------------------------------------------------- /STYLE_GUIDE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/STYLE_GUIDE.md -------------------------------------------------------------------------------- /chapter_appendix-mathematics-for-deep-learning/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-mathematics-for-deep-learning/index.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/aws.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/aws.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/aws_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/aws_origin.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/colab.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/colab.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/colab_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/colab_origin.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/contributing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/contributing.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/d2l.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/d2l.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/d2l_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/d2l_origin.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/index.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/index_origin.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/jupyter.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/jupyter.md -------------------------------------------------------------------------------- /chapter_appendix-tools-for-deep-learning/sagemaker.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_appendix-tools-for-deep-learning/sagemaker.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/attention-cues.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/attention-cues.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/attention-cues_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/attention-cues_origin.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/bahdanau-attention.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/bahdanau-attention.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/bahdanau-attention_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/bahdanau-attention_origin.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/index.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/index_origin.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/multihead-attention.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/multihead-attention.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/nadaraya-watson.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/nadaraya-watson.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/nadaraya-watson_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/nadaraya-watson_origin.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/transformer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/transformer.md -------------------------------------------------------------------------------- /chapter_attention-mechanisms/transformer_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_attention-mechanisms/transformer_origin.md -------------------------------------------------------------------------------- /chapter_computational-performance/async-computation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/async-computation.md -------------------------------------------------------------------------------- /chapter_computational-performance/auto-parallelism.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/auto-parallelism.md -------------------------------------------------------------------------------- /chapter_computational-performance/hardware.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/hardware.md -------------------------------------------------------------------------------- /chapter_computational-performance/hardware_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/hardware_origin.md -------------------------------------------------------------------------------- /chapter_computational-performance/hybridize.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/hybridize.md -------------------------------------------------------------------------------- /chapter_computational-performance/hybridize_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/hybridize_origin.md -------------------------------------------------------------------------------- /chapter_computational-performance/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/index.md -------------------------------------------------------------------------------- /chapter_computational-performance/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/index_origin.md -------------------------------------------------------------------------------- /chapter_computational-performance/multiple-gpus.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/multiple-gpus.md -------------------------------------------------------------------------------- /chapter_computational-performance/multiple-gpus_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/multiple-gpus_origin.md -------------------------------------------------------------------------------- /chapter_computational-performance/parameterserver.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computational-performance/parameterserver.md -------------------------------------------------------------------------------- /chapter_computer-vision/anchor.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/anchor.md -------------------------------------------------------------------------------- /chapter_computer-vision/anchor_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/anchor_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/bounding-box.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/bounding-box.md -------------------------------------------------------------------------------- /chapter_computer-vision/bounding-box_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/bounding-box_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/fcn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/fcn.md -------------------------------------------------------------------------------- /chapter_computer-vision/fcn_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/fcn_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/fine-tuning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/fine-tuning.md -------------------------------------------------------------------------------- /chapter_computer-vision/fine-tuning_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/fine-tuning_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/image-augmentation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/image-augmentation.md -------------------------------------------------------------------------------- /chapter_computer-vision/image-augmentation_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/image-augmentation_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/index.md -------------------------------------------------------------------------------- /chapter_computer-vision/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/index_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/kaggle-cifar10.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/kaggle-cifar10.md -------------------------------------------------------------------------------- /chapter_computer-vision/kaggle-cifar10_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/kaggle-cifar10_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/kaggle-dog.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/kaggle-dog.md -------------------------------------------------------------------------------- /chapter_computer-vision/kaggle-dog_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/kaggle-dog_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/multiscale-object-detection.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/multiscale-object-detection.md -------------------------------------------------------------------------------- /chapter_computer-vision/neural-style.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/neural-style.md -------------------------------------------------------------------------------- /chapter_computer-vision/neural-style_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/neural-style_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/object-detection-dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/object-detection-dataset.md -------------------------------------------------------------------------------- /chapter_computer-vision/rcnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/rcnn.md -------------------------------------------------------------------------------- /chapter_computer-vision/rcnn_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/rcnn_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/ssd.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/ssd.md -------------------------------------------------------------------------------- /chapter_computer-vision/ssd_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/ssd_origin.md -------------------------------------------------------------------------------- /chapter_computer-vision/transposed-conv.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/transposed-conv.md -------------------------------------------------------------------------------- /chapter_computer-vision/transposed-conv_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_computer-vision/transposed-conv_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/alexnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/alexnet.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/alexnet_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/alexnet_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/batch-norm.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/batch-norm.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/batch-norm_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/batch-norm_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/densenet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/densenet.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/densenet_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/densenet_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/googlenet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/googlenet.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/googlenet_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/googlenet_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/index.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/index_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/nin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/nin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/nin_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/nin_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/resnet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/resnet.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/resnet_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/resnet_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/vgg.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/vgg.md -------------------------------------------------------------------------------- /chapter_convolutional-modern/vgg_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-modern/vgg_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/channels.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/channels.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/channels_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/channels_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/conv-layer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/conv-layer.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/index.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/index_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/lenet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/lenet.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/lenet_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/lenet_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/pooling.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/pooling.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/pooling_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/pooling_origin.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/why-conv.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/why-conv.md -------------------------------------------------------------------------------- /chapter_convolutional-neural-networks/why-conv_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_convolutional-neural-networks/why-conv_origin.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/custom-layer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/custom-layer.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/custom-layer_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/custom-layer_origin.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/deferred-init.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/deferred-init.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/deferred-init_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/deferred-init_origin.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/index.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/index_origin.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/model-construction.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/model-construction.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/parameters.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/parameters.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/parameters_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/parameters_origin.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/read-write.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/read-write.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/read-write_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/read-write_origin.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/use-gpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/use-gpu.md -------------------------------------------------------------------------------- /chapter_deep-learning-computation/use-gpu_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_deep-learning-computation/use-gpu_origin.md -------------------------------------------------------------------------------- /chapter_generative-adversarial-networks/dcgan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_generative-adversarial-networks/dcgan.md -------------------------------------------------------------------------------- /chapter_generative-adversarial-networks/dcgan_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_generative-adversarial-networks/dcgan_origin.md -------------------------------------------------------------------------------- /chapter_generative-adversarial-networks/gan.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_generative-adversarial-networks/gan.md -------------------------------------------------------------------------------- /chapter_generative-adversarial-networks/gan_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_generative-adversarial-networks/gan_origin.md -------------------------------------------------------------------------------- /chapter_generative-adversarial-networks/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_generative-adversarial-networks/index.md -------------------------------------------------------------------------------- /chapter_generative-adversarial-networks/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_generative-adversarial-networks/index_origin.md -------------------------------------------------------------------------------- /chapter_installation/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_installation/index.md -------------------------------------------------------------------------------- /chapter_installation/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_installation/index_origin.md -------------------------------------------------------------------------------- /chapter_introduction/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_introduction/index.md -------------------------------------------------------------------------------- /chapter_introduction/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_introduction/index_origin.md -------------------------------------------------------------------------------- /chapter_linear-networks/image-classification-dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/image-classification-dataset.md -------------------------------------------------------------------------------- /chapter_linear-networks/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/index.md -------------------------------------------------------------------------------- /chapter_linear-networks/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/index_origin.md -------------------------------------------------------------------------------- /chapter_linear-networks/linear-regression-concise.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/linear-regression-concise.md -------------------------------------------------------------------------------- /chapter_linear-networks/linear-regression-scratch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/linear-regression-scratch.md -------------------------------------------------------------------------------- /chapter_linear-networks/linear-regression.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/linear-regression.md -------------------------------------------------------------------------------- /chapter_linear-networks/linear-regression_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/linear-regression_origin.md -------------------------------------------------------------------------------- /chapter_linear-networks/softmax-regression-concise.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/softmax-regression-concise.md -------------------------------------------------------------------------------- /chapter_linear-networks/softmax-regression-scratch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/softmax-regression-scratch.md -------------------------------------------------------------------------------- /chapter_linear-networks/softmax-regression.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/softmax-regression.md -------------------------------------------------------------------------------- /chapter_linear-networks/softmax-regression_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_linear-networks/softmax-regression_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/backprop.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/backprop.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/backprop_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/backprop_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/dropout.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/dropout.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/dropout_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/dropout_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/environment.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/environment.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/environment_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/environment_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/index.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/index_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/kaggle-house-price.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/kaggle-house-price.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/mlp-concise.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/mlp-concise.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/mlp-concise_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/mlp-concise_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/mlp-scratch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/mlp-scratch.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/mlp-scratch_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/mlp-scratch_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/mlp.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/mlp.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/mlp_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/mlp_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/underfit-overfit.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/underfit-overfit.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/underfit-overfit_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/underfit-overfit_origin.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/weight-decay.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/weight-decay.md -------------------------------------------------------------------------------- /chapter_multilayer-perceptrons/weight-decay_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_multilayer-perceptrons/weight-decay_origin.md -------------------------------------------------------------------------------- /chapter_natural-language-processing-applications/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_natural-language-processing-applications/index.md -------------------------------------------------------------------------------- /chapter_natural-language-processing-pretraining/bert.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_natural-language-processing-pretraining/bert.md -------------------------------------------------------------------------------- /chapter_natural-language-processing-pretraining/glove.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_natural-language-processing-pretraining/glove.md -------------------------------------------------------------------------------- /chapter_natural-language-processing-pretraining/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_natural-language-processing-pretraining/index.md -------------------------------------------------------------------------------- /chapter_notation/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_notation/index.md -------------------------------------------------------------------------------- /chapter_notation/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_notation/index_origin.md -------------------------------------------------------------------------------- /chapter_optimization/adadelta.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/adadelta.md -------------------------------------------------------------------------------- /chapter_optimization/adadelta_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/adadelta_origin.md -------------------------------------------------------------------------------- /chapter_optimization/adagrad.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/adagrad.md -------------------------------------------------------------------------------- /chapter_optimization/adagrad_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/adagrad_origin.md -------------------------------------------------------------------------------- /chapter_optimization/adam.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/adam.md -------------------------------------------------------------------------------- /chapter_optimization/adam_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/adam_origin.md -------------------------------------------------------------------------------- /chapter_optimization/convexity.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/convexity.md -------------------------------------------------------------------------------- /chapter_optimization/convexity_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/convexity_origin.md -------------------------------------------------------------------------------- /chapter_optimization/gd.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/gd.md -------------------------------------------------------------------------------- /chapter_optimization/gd_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/gd_origin.md -------------------------------------------------------------------------------- /chapter_optimization/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/index.md -------------------------------------------------------------------------------- /chapter_optimization/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/index_origin.md -------------------------------------------------------------------------------- /chapter_optimization/lr-scheduler.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/lr-scheduler.md -------------------------------------------------------------------------------- /chapter_optimization/lr-scheduler_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/lr-scheduler_origin.md -------------------------------------------------------------------------------- /chapter_optimization/minibatch-sgd.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/minibatch-sgd.md -------------------------------------------------------------------------------- /chapter_optimization/minibatch-sgd_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/minibatch-sgd_origin.md -------------------------------------------------------------------------------- /chapter_optimization/momentum.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/momentum.md -------------------------------------------------------------------------------- /chapter_optimization/momentum_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/momentum_origin.md -------------------------------------------------------------------------------- /chapter_optimization/optimization-intro.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/optimization-intro.md -------------------------------------------------------------------------------- /chapter_optimization/optimization-intro_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/optimization-intro_origin.md -------------------------------------------------------------------------------- /chapter_optimization/rmsprop.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/rmsprop.md -------------------------------------------------------------------------------- /chapter_optimization/rmsprop_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/rmsprop_origin.md -------------------------------------------------------------------------------- /chapter_optimization/sgd.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/sgd.md -------------------------------------------------------------------------------- /chapter_optimization/sgd_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_optimization/sgd_origin.md -------------------------------------------------------------------------------- /chapter_preface/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preface/index.md -------------------------------------------------------------------------------- /chapter_preface/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preface/index_origin.md -------------------------------------------------------------------------------- /chapter_preliminaries/autograd.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/autograd.md -------------------------------------------------------------------------------- /chapter_preliminaries/autograd_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/autograd_origin.md -------------------------------------------------------------------------------- /chapter_preliminaries/calculus.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/calculus.md -------------------------------------------------------------------------------- /chapter_preliminaries/calculus_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/calculus_origin.md -------------------------------------------------------------------------------- /chapter_preliminaries/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/index.md -------------------------------------------------------------------------------- /chapter_preliminaries/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/index_origin.md -------------------------------------------------------------------------------- /chapter_preliminaries/linear-algebra.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/linear-algebra.md -------------------------------------------------------------------------------- /chapter_preliminaries/linear-algebra_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/linear-algebra_origin.md -------------------------------------------------------------------------------- /chapter_preliminaries/lookup-api.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/lookup-api.md -------------------------------------------------------------------------------- /chapter_preliminaries/lookup-api_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/lookup-api_origin.md -------------------------------------------------------------------------------- /chapter_preliminaries/ndarray.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/ndarray.md -------------------------------------------------------------------------------- /chapter_preliminaries/ndarray_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/ndarray_origin.md -------------------------------------------------------------------------------- /chapter_preliminaries/pandas.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/pandas.md -------------------------------------------------------------------------------- /chapter_preliminaries/pandas_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/pandas_origin.md -------------------------------------------------------------------------------- /chapter_preliminaries/probability.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/probability.md -------------------------------------------------------------------------------- /chapter_preliminaries/probability_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_preliminaries/probability_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/autorec.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/autorec.md -------------------------------------------------------------------------------- /chapter_recommender-systems/autorec_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/autorec_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/ctr.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/ctr.md -------------------------------------------------------------------------------- /chapter_recommender-systems/ctr_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/ctr_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/deepfm.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/deepfm.md -------------------------------------------------------------------------------- /chapter_recommender-systems/deepfm_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/deepfm_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/fm.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/fm.md -------------------------------------------------------------------------------- /chapter_recommender-systems/fm_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/fm_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/index.md -------------------------------------------------------------------------------- /chapter_recommender-systems/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/index_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/mf.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/mf.md -------------------------------------------------------------------------------- /chapter_recommender-systems/mf_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/mf_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/movielens.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/movielens.md -------------------------------------------------------------------------------- /chapter_recommender-systems/movielens_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/movielens_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/neumf.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/neumf.md -------------------------------------------------------------------------------- /chapter_recommender-systems/neumf_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/neumf_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/ranking.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/ranking.md -------------------------------------------------------------------------------- /chapter_recommender-systems/ranking_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/ranking_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/recsys-intro.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/recsys-intro.md -------------------------------------------------------------------------------- /chapter_recommender-systems/recsys-intro_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/recsys-intro_origin.md -------------------------------------------------------------------------------- /chapter_recommender-systems/seqrec.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/seqrec.md -------------------------------------------------------------------------------- /chapter_recommender-systems/seqrec_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recommender-systems/seqrec_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/beam-search.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/beam-search.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/beam-search_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/beam-search_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/bi-rnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/bi-rnn.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/bi-rnn_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/bi-rnn_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/deep-rnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/deep-rnn.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/deep-rnn_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/deep-rnn_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/encoder-decoder.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/encoder-decoder.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/encoder-decoder_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/encoder-decoder_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/gru.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/gru.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/gru_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/gru_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/index.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/index_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/lstm.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/lstm.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/lstm_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/lstm_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/seq2seq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/seq2seq.md -------------------------------------------------------------------------------- /chapter_recurrent-modern/seq2seq_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-modern/seq2seq_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/bptt.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/bptt.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/bptt_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/bptt_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/index.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/index_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/index_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/rnn-concise.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/rnn-concise.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/rnn-concise_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/rnn-concise_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/rnn-scratch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/rnn-scratch.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/rnn-scratch_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/rnn-scratch_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/rnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/rnn.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/rnn_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/rnn_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/sequence.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/sequence.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/sequence_origin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/sequence_origin.md -------------------------------------------------------------------------------- /chapter_recurrent-neural-networks/text-preprocessing.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_recurrent-neural-networks/text-preprocessing.md -------------------------------------------------------------------------------- /chapter_references/zreferences.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/chapter_references/zreferences.md -------------------------------------------------------------------------------- /config.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/config.ini -------------------------------------------------------------------------------- /contrib/appendix/use_sagemaker.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/contrib/appendix/use_sagemaker.md -------------------------------------------------------------------------------- /contrib/chapter_crashcourse/chapter-one-problem-set.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/contrib/chapter_crashcourse/chapter-one-problem-set.md -------------------------------------------------------------------------------- /contrib/chapter_crashcourse/preface.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/contrib/chapter_crashcourse/preface.md -------------------------------------------------------------------------------- /contrib/img/jupyter_sagemaker.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/contrib/img/jupyter_sagemaker.png -------------------------------------------------------------------------------- /contrib/img/sagemaker.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/contrib/img/sagemaker.png -------------------------------------------------------------------------------- /d2l.bib: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/d2l.bib -------------------------------------------------------------------------------- /d2l/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/d2l/__init__.py -------------------------------------------------------------------------------- /d2l/mxnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/d2l/mxnet.py -------------------------------------------------------------------------------- /d2l/tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/d2l/tensorflow.py -------------------------------------------------------------------------------- /d2l/torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/d2l/torch.py -------------------------------------------------------------------------------- /glossary.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/glossary.md -------------------------------------------------------------------------------- /graffle/appendix/3dFunc.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/3dFunc.graffle -------------------------------------------------------------------------------- /graffle/appendix/ChainNet1.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/ChainNet1.graffle -------------------------------------------------------------------------------- /graffle/appendix/ChainNet2.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/ChainNet2.graffle -------------------------------------------------------------------------------- /graffle/appendix/GridPoints.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/GridPoints.graffle -------------------------------------------------------------------------------- /graffle/appendix/GridTransform.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/GridTransform.graffle -------------------------------------------------------------------------------- /graffle/appendix/GridTransformFilled.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/GridTransformFilled.graffle -------------------------------------------------------------------------------- /graffle/appendix/GridWithArrow.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/GridWithArrow.graffle -------------------------------------------------------------------------------- /graffle/appendix/Marginal.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/Marginal.graffle -------------------------------------------------------------------------------- /graffle/appendix/ParVec.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/ParVec.graffle -------------------------------------------------------------------------------- /graffle/appendix/ProjVec.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/ProjVec.graffle -------------------------------------------------------------------------------- /graffle/appendix/RectTrans.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/RectTrans.graffle -------------------------------------------------------------------------------- /graffle/appendix/SpaceDivision.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/SpaceDivision.graffle -------------------------------------------------------------------------------- /graffle/appendix/SpaceDivision3D.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/SpaceDivision3D.graffle -------------------------------------------------------------------------------- /graffle/appendix/SubArea.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/SubArea.graffle -------------------------------------------------------------------------------- /graffle/appendix/SumOrder.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/SumOrder.graffle -------------------------------------------------------------------------------- /graffle/appendix/VecAdd.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/VecAdd.graffle -------------------------------------------------------------------------------- /graffle/appendix/VecAngle.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/VecAngle.graffle -------------------------------------------------------------------------------- /graffle/appendix/comparing_estimators.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/comparing_estimators.graffle -------------------------------------------------------------------------------- /graffle/appendix/mutual_information.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/mutual_information.graffle -------------------------------------------------------------------------------- /graffle/appendix/negSecDer.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/negSecDer.graffle -------------------------------------------------------------------------------- /graffle/appendix/posSecDer.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/posSecDer.graffle -------------------------------------------------------------------------------- /graffle/appendix/statistical_power.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/statistical_power.graffle -------------------------------------------------------------------------------- /graffle/appendix/statistical_significance.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/statistical_significance.graffle -------------------------------------------------------------------------------- /graffle/appendix/zeroSecDer.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/appendix/zeroSecDer.graffle -------------------------------------------------------------------------------- /graffle/attention/add_norm.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/add_norm.graffle -------------------------------------------------------------------------------- /graffle/attention/attention.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/attention.graffle -------------------------------------------------------------------------------- /graffle/attention/encoder-decoder.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/encoder-decoder.graffle -------------------------------------------------------------------------------- /graffle/attention/multi-head-attention.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/multi-head-attention.graffle -------------------------------------------------------------------------------- /graffle/attention/positional_encoding.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/positional_encoding.graffle -------------------------------------------------------------------------------- /graffle/attention/self-attention-predict.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/self-attention-predict.graffle -------------------------------------------------------------------------------- /graffle/attention/self-attention.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/self-attention.graffle -------------------------------------------------------------------------------- /graffle/attention/seq2seq-attention-details.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/seq2seq-attention-details.graffle -------------------------------------------------------------------------------- /graffle/attention/seq2seq_attention.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/seq2seq_attention.graffle -------------------------------------------------------------------------------- /graffle/attention/transformer.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/attention/transformer.graffle -------------------------------------------------------------------------------- /graffle/book-org.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/book-org.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/conv-1x1.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/conv-1x1.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/conv-multi-in.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/conv-multi-in.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/conv-pad.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/conv-pad.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/conv-stride.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/conv-stride.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/correlation.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/correlation.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/lenet-vert.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/lenet-vert.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/lenet.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/lenet.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/pooling.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/pooling.graffle -------------------------------------------------------------------------------- /graffle/cnn-basic/waldo-mask.graffle/data.plist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/waldo-mask.graffle/data.plist -------------------------------------------------------------------------------- /graffle/cnn-basic/waldo-mask.graffle/image1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-basic/waldo-mask.graffle/image1.jpg -------------------------------------------------------------------------------- /graffle/cnn-modern/ResNetFull.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/ResNetFull.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/ResNetManyFlavor.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/ResNetManyFlavor.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/alexnet.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/alexnet.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/densenet-block.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/densenet-block.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/densenet.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/densenet.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/functionclasses.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/functionclasses.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/inception-full.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/inception-full.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/inception.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/inception.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/nin-compare.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/nin-compare.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/nin.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/nin.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/residual-block.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/residual-block.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/resnet-block.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/resnet-block.graffle -------------------------------------------------------------------------------- /graffle/cnn-modern/vgg.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/cnn-modern/vgg.graffle -------------------------------------------------------------------------------- /graffle/computation/blocks.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/blocks.graffle -------------------------------------------------------------------------------- /graffle/computation/computegraph.graffle/data.plist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/computegraph.graffle/data.plist -------------------------------------------------------------------------------- /graffle/computation/computegraph.graffle/image1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/computegraph.graffle/image1.png -------------------------------------------------------------------------------- /graffle/computation/computegraph.graffle/image2.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/computegraph.graffle/image2.tiff -------------------------------------------------------------------------------- /graffle/computation/computegraph.graffle/image3.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/computegraph.graffle/image3.tiff -------------------------------------------------------------------------------- /graffle/computation/computegraph.graffle/preview.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/computegraph.graffle/preview.jpeg -------------------------------------------------------------------------------- /graffle/computation/copyto.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/copyto.graffle -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/data.plist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/data.plist -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/image10.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/image10.tiff -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/image2.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/image2.tiff -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/image3.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/image3.tiff -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/image4.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/image4.tiff -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/image5.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/image5.pdf -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/image6.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/image6.tiff -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/image8.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/image8.tiff -------------------------------------------------------------------------------- /graffle/computation/frontends.graffle/preview.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/computation/frontends.graffle/preview.jpeg -------------------------------------------------------------------------------- /graffle/contribute.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/contribute.graffle -------------------------------------------------------------------------------- /graffle/convert.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/convert.sh -------------------------------------------------------------------------------- /graffle/gan/gan.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/gan/gan.graffle -------------------------------------------------------------------------------- /graffle/intro/data-collection.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/intro/data-collection.graffle -------------------------------------------------------------------------------- /graffle/intro/diveintodl.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/intro/diveintodl.graffle -------------------------------------------------------------------------------- /graffle/intro/ml-loop.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/intro/ml-loop.graffle -------------------------------------------------------------------------------- /graffle/intro/rl-environment.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/intro/rl-environment.graffle -------------------------------------------------------------------------------- /graffle/intro/supervised-learning.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/intro/supervised-learning.graffle -------------------------------------------------------------------------------- /graffle/intro/wake-word.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/intro/wake-word.graffle -------------------------------------------------------------------------------- /graffle/linear/fit_linreg.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/linear/fit_linreg.graffle -------------------------------------------------------------------------------- /graffle/linear/linear.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/linear/linear.graffle -------------------------------------------------------------------------------- /graffle/linear/singlelayer.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/linear/singlelayer.graffle -------------------------------------------------------------------------------- /graffle/linear/singleneuron.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/linear/singleneuron.graffle -------------------------------------------------------------------------------- /graffle/linear/softmaxreg.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/linear/softmaxreg.graffle -------------------------------------------------------------------------------- /graffle/mlp/add_norm.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/mlp/add_norm.graffle -------------------------------------------------------------------------------- /graffle/mlp/capacity_vs_error.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/mlp/capacity_vs_error.graffle -------------------------------------------------------------------------------- /graffle/mlp/deepmlp.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/mlp/deepmlp.graffle -------------------------------------------------------------------------------- /graffle/mlp/dropout.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/mlp/dropout.graffle -------------------------------------------------------------------------------- /graffle/mlp/dropout2.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/mlp/dropout2.graffle -------------------------------------------------------------------------------- /graffle/mlp/forward.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/mlp/forward.graffle -------------------------------------------------------------------------------- /graffle/mlp/mlp.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/mlp/mlp.graffle -------------------------------------------------------------------------------- /graffle/mlp/single-mlp.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/mlp/single-mlp.graffle -------------------------------------------------------------------------------- /graffle/nlp/cbow.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/nlp/cbow.graffle -------------------------------------------------------------------------------- /graffle/nlp/conv1d-2d.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/nlp/conv1d-2d.graffle -------------------------------------------------------------------------------- /graffle/nlp/conv1d-channel.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/nlp/conv1d-channel.graffle -------------------------------------------------------------------------------- /graffle/nlp/conv1d.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/nlp/conv1d.graffle -------------------------------------------------------------------------------- /graffle/nlp/hi-softmax.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/nlp/hi-softmax.graffle -------------------------------------------------------------------------------- /graffle/nlp/sentiment-rnn.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/nlp/sentiment-rnn.graffle -------------------------------------------------------------------------------- /graffle/nlp/skip-gram.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/nlp/skip-gram.graffle -------------------------------------------------------------------------------- /graffle/nlp/textcnn.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/nlp/textcnn.graffle -------------------------------------------------------------------------------- /graffle/optimization/convex.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/optimization/convex.graffle -------------------------------------------------------------------------------- /graffle/performance/data-parallel.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/performance/data-parallel.graffle -------------------------------------------------------------------------------- /graffle/recsys/rec-caser.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/recsys/rec-caser.graffle -------------------------------------------------------------------------------- /graffle/recsys/rec-deepfm.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/recsys/rec-deepfm.graffle -------------------------------------------------------------------------------- /graffle/recsys/rec-mf.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/recsys/rec-mf.graffle -------------------------------------------------------------------------------- /graffle/recsys/rec-neumf.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/recsys/rec-neumf.graffle -------------------------------------------------------------------------------- /graffle/recsys/rec-ranking.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/recsys/rec-ranking.graffle -------------------------------------------------------------------------------- /graffle/recsys/rec-seq-data.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/recsys/rec-seq-data.graffle -------------------------------------------------------------------------------- /graffle/rnn/beam-search.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/beam-search.graffle -------------------------------------------------------------------------------- /graffle/rnn/birnn.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/birnn.graffle -------------------------------------------------------------------------------- /graffle/rnn/deep-rnn.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/deep-rnn.graffle -------------------------------------------------------------------------------- /graffle/rnn/rnn-bptt.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/rnn-bptt.graffle -------------------------------------------------------------------------------- /graffle/rnn/rnn-train.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/rnn-train.graffle -------------------------------------------------------------------------------- /graffle/rnn/rnn.graffle/data.plist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/rnn.graffle/data.plist -------------------------------------------------------------------------------- /graffle/rnn/rnn.graffle/image2.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/rnn.graffle/image2.pdf -------------------------------------------------------------------------------- /graffle/rnn/s2s-prob1.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/s2s-prob1.graffle -------------------------------------------------------------------------------- /graffle/rnn/s2s-prob2.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/s2s-prob2.graffle -------------------------------------------------------------------------------- /graffle/rnn/seq2seq-details.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/seq2seq-details.graffle -------------------------------------------------------------------------------- /graffle/rnn/seq2seq.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/seq2seq.graffle -------------------------------------------------------------------------------- /graffle/rnn/seq2seq_predict.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/seq2seq_predict.graffle -------------------------------------------------------------------------------- /graffle/rnn/sequence-model.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/sequence-model.graffle -------------------------------------------------------------------------------- /graffle/rnn/timemachine-5gram.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/timemachine-5gram.graffle -------------------------------------------------------------------------------- /graffle/rnn/truncated-bptt.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/rnn/truncated-bptt.graffle -------------------------------------------------------------------------------- /graffle/transformer.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/transformer.graffle -------------------------------------------------------------------------------- /graffle/vision/anchor-label.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/anchor-label.graffle -------------------------------------------------------------------------------- /graffle/vision/cv.graffle/data.plist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/cv.graffle/data.plist -------------------------------------------------------------------------------- /graffle/vision/cv.graffle/image27.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/cv.graffle/image27.jpg -------------------------------------------------------------------------------- /graffle/vision/cv.graffle/image28.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/cv.graffle/image28.jpg -------------------------------------------------------------------------------- /graffle/vision/cv.graffle/image29.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/cv.graffle/image29.jpg -------------------------------------------------------------------------------- /graffle/vision/cv.graffle/image30.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/cv.graffle/image30.jpg -------------------------------------------------------------------------------- /graffle/vision/cv.graffle/image32.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/cv.graffle/image32.jpg -------------------------------------------------------------------------------- /graffle/vision/cv.graffle/image33.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/cv.graffle/image33.jpg -------------------------------------------------------------------------------- /graffle/vision/cv.graffle/image6.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/cv.graffle/image6.jpg -------------------------------------------------------------------------------- /graffle/vision/finetune.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/finetune.graffle -------------------------------------------------------------------------------- /graffle/vision/trans_conv.graffle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/graffle/vision/trans_conv.graffle -------------------------------------------------------------------------------- /img/404.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/404.jpg -------------------------------------------------------------------------------- /img/GridPoints.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/GridPoints.svg -------------------------------------------------------------------------------- /img/GridTransform.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/GridTransform.svg -------------------------------------------------------------------------------- /img/GridTransformFilled.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/GridTransformFilled.svg -------------------------------------------------------------------------------- /img/ParVec.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ParVec.svg -------------------------------------------------------------------------------- /img/ProjVec.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ProjVec.svg -------------------------------------------------------------------------------- /img/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/README.md -------------------------------------------------------------------------------- /img/ResNetFull.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ResNetFull.svg -------------------------------------------------------------------------------- /img/ResNetManyFlavor.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ResNetManyFlavor.svg -------------------------------------------------------------------------------- /img/SpaceDivision.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/SpaceDivision.svg -------------------------------------------------------------------------------- /img/SpaceDivision3D.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/SpaceDivision3D.svg -------------------------------------------------------------------------------- /img/VecAdd.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/VecAdd.svg -------------------------------------------------------------------------------- /img/VecAngle.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/VecAngle.svg -------------------------------------------------------------------------------- /img/a77.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/a77.svg -------------------------------------------------------------------------------- /img/alexnet-original.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/alexnet-original.svg -------------------------------------------------------------------------------- /img/alexnet.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/alexnet.svg -------------------------------------------------------------------------------- /img/anchor-label.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/anchor-label.svg -------------------------------------------------------------------------------- /img/asyncgraph.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/asyncgraph.svg -------------------------------------------------------------------------------- /img/attention-output.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/attention-output.svg -------------------------------------------------------------------------------- /img/attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/attention.svg -------------------------------------------------------------------------------- /img/attention_output.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/attention_output.svg -------------------------------------------------------------------------------- /img/autumn-oak.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/autumn-oak.jpg -------------------------------------------------------------------------------- /img/autumn_oak.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/autumn_oak.jpg -------------------------------------------------------------------------------- /img/aws.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/aws.png -------------------------------------------------------------------------------- /img/banana-fruits-original.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/banana-fruits-original.jpeg -------------------------------------------------------------------------------- /img/banana-fruits.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/banana-fruits.jpeg -------------------------------------------------------------------------------- /img/banana.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/banana.jpg -------------------------------------------------------------------------------- /img/beam-search.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/beam-search.svg -------------------------------------------------------------------------------- /img/bert-input.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/bert-input.svg -------------------------------------------------------------------------------- /img/bert-one-seq.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/bert-one-seq.svg -------------------------------------------------------------------------------- /img/bert-qa.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/bert-qa.svg -------------------------------------------------------------------------------- /img/bert-tagging.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/bert-tagging.svg -------------------------------------------------------------------------------- /img/bert-two-seqs.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/bert-two-seqs.svg -------------------------------------------------------------------------------- /img/birnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/birnn.svg -------------------------------------------------------------------------------- /img/blocks.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/blocks.svg -------------------------------------------------------------------------------- /img/book-org.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/book-org.svg -------------------------------------------------------------------------------- /img/bw-hierarchy.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/bw-hierarchy.svg -------------------------------------------------------------------------------- /img/capacity-vs-error.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/capacity-vs-error.svg -------------------------------------------------------------------------------- /img/capacity_vs_error.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/capacity_vs_error.svg -------------------------------------------------------------------------------- /img/cat-cartoon1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat-cartoon1.png -------------------------------------------------------------------------------- /img/cat-cartoon2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat-cartoon2.png -------------------------------------------------------------------------------- /img/cat-dog-pixels.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat-dog-pixels.png -------------------------------------------------------------------------------- /img/cat-dog-test.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat-dog-test.svg -------------------------------------------------------------------------------- /img/cat-dog-train.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat-dog-train.svg -------------------------------------------------------------------------------- /img/cat1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat1.jpg -------------------------------------------------------------------------------- /img/cat1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat1.png -------------------------------------------------------------------------------- /img/cat2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat2.jpg -------------------------------------------------------------------------------- /img/cat3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat3.jpg -------------------------------------------------------------------------------- /img/cat_dog_pixels.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cat_dog_pixels.png -------------------------------------------------------------------------------- /img/catdog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/catdog.jpg -------------------------------------------------------------------------------- /img/cbow.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cbow.svg -------------------------------------------------------------------------------- /img/chain-net1.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/chain-net1.svg -------------------------------------------------------------------------------- /img/chain-net2.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/chain-net2.svg -------------------------------------------------------------------------------- /img/chmod.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/chmod.png -------------------------------------------------------------------------------- /img/cifar10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cifar10.png -------------------------------------------------------------------------------- /img/cnn-rnn-self-attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cnn-rnn-self-attention.svg -------------------------------------------------------------------------------- /img/colab-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/colab-2.png -------------------------------------------------------------------------------- /img/colab.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/colab.png -------------------------------------------------------------------------------- /img/comp-comm.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/comp-comm.svg -------------------------------------------------------------------------------- /img/comparing_estimators.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/comparing_estimators.svg -------------------------------------------------------------------------------- /img/computegraph.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/computegraph.svg -------------------------------------------------------------------------------- /img/conda_create_d2l.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/conda_create_d2l.png -------------------------------------------------------------------------------- /img/connect.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/connect.png -------------------------------------------------------------------------------- /img/contrib01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/contrib01.png -------------------------------------------------------------------------------- /img/contrib02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/contrib02.png -------------------------------------------------------------------------------- /img/contrib03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/contrib03.png -------------------------------------------------------------------------------- /img/contrib04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/contrib04.png -------------------------------------------------------------------------------- /img/contrib05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/contrib05.png -------------------------------------------------------------------------------- /img/contrib06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/contrib06.png -------------------------------------------------------------------------------- /img/contribute.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/contribute.svg -------------------------------------------------------------------------------- /img/conv-1x1.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/conv-1x1.svg -------------------------------------------------------------------------------- /img/conv-multi-in.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/conv-multi-in.svg -------------------------------------------------------------------------------- /img/conv-pad.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/conv-pad.svg -------------------------------------------------------------------------------- /img/conv-stride.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/conv-stride.svg -------------------------------------------------------------------------------- /img/conv1d-2d.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/conv1d-2d.svg -------------------------------------------------------------------------------- /img/conv1d-channel.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/conv1d-channel.svg -------------------------------------------------------------------------------- /img/conv1d.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/conv1d.svg -------------------------------------------------------------------------------- /img/convert.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/convert.sh -------------------------------------------------------------------------------- /img/convex-intersect.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/convex-intersect.svg -------------------------------------------------------------------------------- /img/copyto.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/copyto.svg -------------------------------------------------------------------------------- /img/correlation.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/correlation.svg -------------------------------------------------------------------------------- /img/cuda.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cuda.png -------------------------------------------------------------------------------- /img/cuda101.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cuda101.png -------------------------------------------------------------------------------- /img/cuda_accept.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cuda_accept.png -------------------------------------------------------------------------------- /img/cuda_install.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cuda_install.png -------------------------------------------------------------------------------- /img/cuda_yes.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/cuda_yes.png -------------------------------------------------------------------------------- /img/data-collection.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/data-collection.png -------------------------------------------------------------------------------- /img/data-collection.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/data-collection.svg -------------------------------------------------------------------------------- /img/data-parallel.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/data-parallel.svg -------------------------------------------------------------------------------- /img/death-cap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/death-cap.jpg -------------------------------------------------------------------------------- /img/death_cap.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/death_cap.jpg -------------------------------------------------------------------------------- /img/deep-rnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/deep-rnn.svg -------------------------------------------------------------------------------- /img/deeplearning-amazon.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/deeplearning-amazon.jpg -------------------------------------------------------------------------------- /img/deeplearning_amazon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/deeplearning_amazon.png -------------------------------------------------------------------------------- /img/dense-rnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dense-rnn.svg -------------------------------------------------------------------------------- /img/densenet-block.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/densenet-block.svg -------------------------------------------------------------------------------- /img/densenet.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/densenet.svg -------------------------------------------------------------------------------- /img/disk.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/disk.png -------------------------------------------------------------------------------- /img/dog-cartoon1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dog-cartoon1.png -------------------------------------------------------------------------------- /img/dog-cartoon2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dog-cartoon2.jpg -------------------------------------------------------------------------------- /img/dog-cartoon2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dog-cartoon2.png -------------------------------------------------------------------------------- /img/dog1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dog1.jpg -------------------------------------------------------------------------------- /img/dog2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dog2.jpg -------------------------------------------------------------------------------- /img/dog_hotdog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dog_hotdog.jpg -------------------------------------------------------------------------------- /img/dogdogcat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dogdogcat.png -------------------------------------------------------------------------------- /img/dropout.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dropout.svg -------------------------------------------------------------------------------- /img/dropout2.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/dropout2.svg -------------------------------------------------------------------------------- /img/ec2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ec2.png -------------------------------------------------------------------------------- /img/ec2_region.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ec2_region.png -------------------------------------------------------------------------------- /img/edit-file.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/edit-file.png -------------------------------------------------------------------------------- /img/edit_img_tut.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/edit_img_tut.md -------------------------------------------------------------------------------- /img/elmo-gpt-bert.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/elmo-gpt-bert.svg -------------------------------------------------------------------------------- /img/encoder-decoder.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/encoder-decoder.svg -------------------------------------------------------------------------------- /img/eye-book.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/eye-book.png -------------------------------------------------------------------------------- /img/eye-book.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/eye-book.svg -------------------------------------------------------------------------------- /img/eye-coffee.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/eye-coffee.png -------------------------------------------------------------------------------- /img/eye-coffee.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/eye-coffee.svg -------------------------------------------------------------------------------- /img/falsesharing.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/falsesharing.svg -------------------------------------------------------------------------------- /img/fast-rcnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/fast-rcnn.svg -------------------------------------------------------------------------------- /img/faster-rcnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/faster-rcnn.svg -------------------------------------------------------------------------------- /img/fcn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/fcn.svg -------------------------------------------------------------------------------- /img/filters.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/filters.png -------------------------------------------------------------------------------- /img/finetune.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/finetune.svg -------------------------------------------------------------------------------- /img/fit-linreg.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/fit-linreg.svg -------------------------------------------------------------------------------- /img/fit_linreg.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/fit_linreg.svg -------------------------------------------------------------------------------- /img/flopsvsprice.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/flopsvsprice.svg -------------------------------------------------------------------------------- /img/forward.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/forward.svg -------------------------------------------------------------------------------- /img/frontends.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/frontends.png -------------------------------------------------------------------------------- /img/frontends.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/frontends.svg -------------------------------------------------------------------------------- /img/ftse100.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ftse100.png -------------------------------------------------------------------------------- /img/functionclasses.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/functionclasses.svg -------------------------------------------------------------------------------- /img/gan.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/gan.svg -------------------------------------------------------------------------------- /img/git-clone.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/git-clone.png -------------------------------------------------------------------------------- /img/git-createpr.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/git-createpr.png -------------------------------------------------------------------------------- /img/git-fork.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/git-fork.png -------------------------------------------------------------------------------- /img/git-forked.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/git-forked.png -------------------------------------------------------------------------------- /img/git-newpr.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/git-newpr.png -------------------------------------------------------------------------------- /img/grid-points.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/grid-points.svg -------------------------------------------------------------------------------- /img/grid-transform-filled.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/grid-transform-filled.svg -------------------------------------------------------------------------------- /img/grid-transform.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/grid-transform.svg -------------------------------------------------------------------------------- /img/gru-1.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/gru-1.svg -------------------------------------------------------------------------------- /img/gru-2.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/gru-2.svg -------------------------------------------------------------------------------- /img/gru-3.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/gru-3.svg -------------------------------------------------------------------------------- /img/gru_1.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/gru_1.svg -------------------------------------------------------------------------------- /img/gru_2.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/gru_2.svg -------------------------------------------------------------------------------- /img/gru_3.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/gru_3.svg -------------------------------------------------------------------------------- /img/gtx.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/gtx.png -------------------------------------------------------------------------------- /img/hi-softmax.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/hi-softmax.svg -------------------------------------------------------------------------------- /img/hmm.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/hmm.svg -------------------------------------------------------------------------------- /img/house-pricing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/house-pricing.png -------------------------------------------------------------------------------- /img/house_pricing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/house_pricing.png -------------------------------------------------------------------------------- /img/img_asset/add_translation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/add_translation.png -------------------------------------------------------------------------------- /img/img_asset/align.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/align.png -------------------------------------------------------------------------------- /img/img_asset/append_tag.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/append_tag.png -------------------------------------------------------------------------------- /img/img_asset/delete_tag.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/delete_tag.png -------------------------------------------------------------------------------- /img/img_asset/done.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/done.png -------------------------------------------------------------------------------- /img/img_asset/edit_mode.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/edit_mode.png -------------------------------------------------------------------------------- /img/img_asset/intro.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/intro.png -------------------------------------------------------------------------------- /img/img_asset/look.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/look.png -------------------------------------------------------------------------------- /img/img_asset/normal_mode.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/normal_mode.png -------------------------------------------------------------------------------- /img/img_asset/open.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/open.png -------------------------------------------------------------------------------- /img/img_asset/open_xml.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/open_xml.png -------------------------------------------------------------------------------- /img/img_asset/save.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/save.png -------------------------------------------------------------------------------- /img/img_asset/surface1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/surface1.png -------------------------------------------------------------------------------- /img/img_asset/text_tag.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/text_tag.png -------------------------------------------------------------------------------- /img/img_asset/text_tag2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/text_tag2.png -------------------------------------------------------------------------------- /img/img_asset/wake-word.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/wake-word.svg -------------------------------------------------------------------------------- /img/img_asset/xml_tag.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/img_asset/xml_tag.png -------------------------------------------------------------------------------- /img/inception-full.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/inception-full.svg -------------------------------------------------------------------------------- /img/inception.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/inception.svg -------------------------------------------------------------------------------- /img/intersect.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/intersect.svg -------------------------------------------------------------------------------- /img/iou.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/iou.svg -------------------------------------------------------------------------------- /img/jupyter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/jupyter.png -------------------------------------------------------------------------------- /img/jupyter00.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/jupyter00.png -------------------------------------------------------------------------------- /img/jupyter01.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/jupyter01.png -------------------------------------------------------------------------------- /img/jupyter02.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/jupyter02.png -------------------------------------------------------------------------------- /img/jupyter03.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/jupyter03.png -------------------------------------------------------------------------------- /img/jupyter04.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/jupyter04.png -------------------------------------------------------------------------------- /img/jupyter05.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/jupyter05.png -------------------------------------------------------------------------------- /img/jupyter06.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/jupyter06.png -------------------------------------------------------------------------------- /img/kaggle-cifar10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/kaggle-cifar10.png -------------------------------------------------------------------------------- /img/kaggle-dog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/kaggle-dog.jpg -------------------------------------------------------------------------------- /img/kaggle-dog.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/kaggle-dog.png -------------------------------------------------------------------------------- /img/kaggle-submit2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/kaggle-submit2.png -------------------------------------------------------------------------------- /img/kaggle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/kaggle.png -------------------------------------------------------------------------------- /img/kaggle_cifar10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/kaggle_cifar10.png -------------------------------------------------------------------------------- /img/kaggle_submit2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/kaggle_submit2.png -------------------------------------------------------------------------------- /img/keypair.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/keypair.png -------------------------------------------------------------------------------- /img/koebel.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/koebel.jpg -------------------------------------------------------------------------------- /img/latencynumbers.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/latencynumbers.png -------------------------------------------------------------------------------- /img/latencynumbers.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/latencynumbers.svg -------------------------------------------------------------------------------- /img/launching.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/launching.png -------------------------------------------------------------------------------- /img/lenet-vert.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lenet-vert.svg -------------------------------------------------------------------------------- /img/lenet.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lenet.svg -------------------------------------------------------------------------------- /img/limits.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/limits.png -------------------------------------------------------------------------------- /img/linearregression.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/linearregression.svg -------------------------------------------------------------------------------- /img/linreg.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/linreg.svg -------------------------------------------------------------------------------- /img/lstm-0.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lstm-0.svg -------------------------------------------------------------------------------- /img/lstm-1.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lstm-1.svg -------------------------------------------------------------------------------- /img/lstm-2.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lstm-2.svg -------------------------------------------------------------------------------- /img/lstm-3.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lstm-3.svg -------------------------------------------------------------------------------- /img/lstm_0.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lstm_0.svg -------------------------------------------------------------------------------- /img/lstm_1.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lstm_1.svg -------------------------------------------------------------------------------- /img/lstm_2.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lstm_2.svg -------------------------------------------------------------------------------- /img/lstm_3.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/lstm_3.svg -------------------------------------------------------------------------------- /img/marginal.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/marginal.svg -------------------------------------------------------------------------------- /img/mask-rcnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/mask-rcnn.svg -------------------------------------------------------------------------------- /img/miniconda.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/miniconda.png -------------------------------------------------------------------------------- /img/ml-loop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ml-loop.png -------------------------------------------------------------------------------- /img/ml-loop.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ml-loop.svg -------------------------------------------------------------------------------- /img/mlp.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/mlp.svg -------------------------------------------------------------------------------- /img/mobo-symbol.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/mobo-symbol.svg -------------------------------------------------------------------------------- /img/multi-head-attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/multi-head-attention.svg -------------------------------------------------------------------------------- /img/mutual-information.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/mutual-information.svg -------------------------------------------------------------------------------- /img/mutual_information.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/mutual_information.png -------------------------------------------------------------------------------- /img/mutual_information.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/mutual_information.svg -------------------------------------------------------------------------------- /img/mxnet-website.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/mxnet-website.png -------------------------------------------------------------------------------- /img/negSecDer.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/negSecDer.svg -------------------------------------------------------------------------------- /img/neon128.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/neon128.svg -------------------------------------------------------------------------------- /img/neural-style.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/neural-style.jpg -------------------------------------------------------------------------------- /img/neural-style.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/neural-style.png -------------------------------------------------------------------------------- /img/neural-style.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/neural-style.svg -------------------------------------------------------------------------------- /img/neuron.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/neuron.svg -------------------------------------------------------------------------------- /img/nin.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nin.svg -------------------------------------------------------------------------------- /img/nli-attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nli-attention.svg -------------------------------------------------------------------------------- /img/nli_attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nli_attention.svg -------------------------------------------------------------------------------- /img/nlp-map-app.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nlp-map-app.svg -------------------------------------------------------------------------------- /img/nlp-map-nli-attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nlp-map-nli-attention.svg -------------------------------------------------------------------------------- /img/nlp-map-nli-bert.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nlp-map-nli-bert.svg -------------------------------------------------------------------------------- /img/nlp-map-pretrain.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nlp-map-pretrain.svg -------------------------------------------------------------------------------- /img/nlp-map-sa-cnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nlp-map-sa-cnn.svg -------------------------------------------------------------------------------- /img/nlp-map-sa-rnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nlp-map-sa-rnn.svg -------------------------------------------------------------------------------- /img/nonconvex.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nonconvex.svg -------------------------------------------------------------------------------- /img/nvidia-smi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nvidia-smi.png -------------------------------------------------------------------------------- /img/nvlink-twoloop.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nvlink-twoloop.svg -------------------------------------------------------------------------------- /img/nvlink.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/nvlink.svg -------------------------------------------------------------------------------- /img/ones_like.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ones_like.png -------------------------------------------------------------------------------- /img/os.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/os.png -------------------------------------------------------------------------------- /img/p2x.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/p2x.png -------------------------------------------------------------------------------- /img/pacman.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/pacman.svg -------------------------------------------------------------------------------- /img/par-vec.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/par-vec.svg -------------------------------------------------------------------------------- /img/pikachu.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/pikachu.jpg -------------------------------------------------------------------------------- /img/polygon-circle.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/polygon-circle.svg -------------------------------------------------------------------------------- /img/polygon_area.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/polygon_area.svg -------------------------------------------------------------------------------- /img/polygon_circle.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/polygon_circle.svg -------------------------------------------------------------------------------- /img/pooling.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/pooling.svg -------------------------------------------------------------------------------- /img/popvssoda.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/popvssoda.png -------------------------------------------------------------------------------- /img/posSecDer.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/posSecDer.svg -------------------------------------------------------------------------------- /img/positional_encoding.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/positional_encoding.svg -------------------------------------------------------------------------------- /img/proj-vec.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/proj-vec.svg -------------------------------------------------------------------------------- /img/projections.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/projections.svg -------------------------------------------------------------------------------- /img/ps-distributed.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ps-distributed.svg -------------------------------------------------------------------------------- /img/ps-multimachine.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ps-multimachine.svg -------------------------------------------------------------------------------- /img/ps-multips.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ps-multips.svg -------------------------------------------------------------------------------- /img/ps.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ps.svg -------------------------------------------------------------------------------- /img/pvalue_explain.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/pvalue_explain.png -------------------------------------------------------------------------------- /img/qkv.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/qkv.svg -------------------------------------------------------------------------------- /img/r-cnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/r-cnn.svg -------------------------------------------------------------------------------- /img/rainier.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rainier.jpg -------------------------------------------------------------------------------- /img/ratbrain.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ratbrain.jpg -------------------------------------------------------------------------------- /img/rec-caser.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rec-caser.svg -------------------------------------------------------------------------------- /img/rec-deepfm.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rec-deepfm.svg -------------------------------------------------------------------------------- /img/rec-intro.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rec-intro.svg -------------------------------------------------------------------------------- /img/rec-mf.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rec-mf.svg -------------------------------------------------------------------------------- /img/rec-neumf.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rec-neumf.svg -------------------------------------------------------------------------------- /img/rec-ranking.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rec-ranking.svg -------------------------------------------------------------------------------- /img/rec-seq-data.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rec-seq-data.svg -------------------------------------------------------------------------------- /img/rect-trans.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rect-trans.svg -------------------------------------------------------------------------------- /img/residual-block.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/residual-block.svg -------------------------------------------------------------------------------- /img/residual-rnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/residual-rnn.svg -------------------------------------------------------------------------------- /img/resnet-block.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/resnet-block.svg -------------------------------------------------------------------------------- /img/resnet18.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/resnet18.svg -------------------------------------------------------------------------------- /img/ringsync.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ringsync.svg -------------------------------------------------------------------------------- /img/rl-environment.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rl-environment.png -------------------------------------------------------------------------------- /img/rl-environment.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rl-environment.svg -------------------------------------------------------------------------------- /img/rnn-bptt.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rnn-bptt.svg -------------------------------------------------------------------------------- /img/rnn-train.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rnn-train.svg -------------------------------------------------------------------------------- /img/rnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/rnn.svg -------------------------------------------------------------------------------- /img/roi.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/roi.svg -------------------------------------------------------------------------------- /img/s2s-prob1.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/s2s-prob1.svg -------------------------------------------------------------------------------- /img/s2s-prob2.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/s2s-prob2.svg -------------------------------------------------------------------------------- /img/sagemaker-create-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sagemaker-create-2.png -------------------------------------------------------------------------------- /img/sagemaker-create-3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sagemaker-create-3.png -------------------------------------------------------------------------------- /img/sagemaker-create.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sagemaker-create.png -------------------------------------------------------------------------------- /img/sagemaker-jupyter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sagemaker-jupyter.png -------------------------------------------------------------------------------- /img/sagemaker-open.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sagemaker-open.png -------------------------------------------------------------------------------- /img/sagemaker-stop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sagemaker-stop.png -------------------------------------------------------------------------------- /img/sagemaker-terminal.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sagemaker-terminal.png -------------------------------------------------------------------------------- /img/sagemaker.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sagemaker.png -------------------------------------------------------------------------------- /img/segmentation.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/segmentation.svg -------------------------------------------------------------------------------- /img/self-attention-predict.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/self-attention-predict.svg -------------------------------------------------------------------------------- /img/self-attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/self-attention.svg -------------------------------------------------------------------------------- /img/seq2seq-attention-details.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/seq2seq-attention-details.svg -------------------------------------------------------------------------------- /img/seq2seq-attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/seq2seq-attention.svg -------------------------------------------------------------------------------- /img/seq2seq-details.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/seq2seq-details.svg -------------------------------------------------------------------------------- /img/seq2seq-predict.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/seq2seq-predict.svg -------------------------------------------------------------------------------- /img/seq2seq.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/seq2seq.svg -------------------------------------------------------------------------------- /img/seq2seq_attention.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/seq2seq_attention.svg -------------------------------------------------------------------------------- /img/seq2seq_predict.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/seq2seq_predict.svg -------------------------------------------------------------------------------- /img/sequence-model.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sequence-model.svg -------------------------------------------------------------------------------- /img/sharks.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sharks.png -------------------------------------------------------------------------------- /img/singlelayer.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/singlelayer.svg -------------------------------------------------------------------------------- /img/singleneuron.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/singleneuron.svg -------------------------------------------------------------------------------- /img/skip-gram.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/skip-gram.svg -------------------------------------------------------------------------------- /img/skylake.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/skylake.svg -------------------------------------------------------------------------------- /img/softmaxreg.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/softmaxreg.svg -------------------------------------------------------------------------------- /img/space-division-3d.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/space-division-3d.svg -------------------------------------------------------------------------------- /img/space-division.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/space-division.svg -------------------------------------------------------------------------------- /img/speech.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/speech.png -------------------------------------------------------------------------------- /img/splitting.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/splitting.svg -------------------------------------------------------------------------------- /img/ssd.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ssd.svg -------------------------------------------------------------------------------- /img/ssh.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ssh.png -------------------------------------------------------------------------------- /img/stackedanimals.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/stackedanimals.jpg -------------------------------------------------------------------------------- /img/stackedanimals.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/stackedanimals.png -------------------------------------------------------------------------------- /img/statistical-significance.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/statistical-significance.svg -------------------------------------------------------------------------------- /img/statistical_power.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/statistical_power.png -------------------------------------------------------------------------------- /img/statistical_power.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/statistical_power.svg -------------------------------------------------------------------------------- /img/stopterminate.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/stopterminate.png -------------------------------------------------------------------------------- /img/style-transfer.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/style-transfer.svg -------------------------------------------------------------------------------- /img/sub-area.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sub-area.svg -------------------------------------------------------------------------------- /img/sum-order.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/sum-order.svg -------------------------------------------------------------------------------- /img/supervised-learning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/supervised-learning.png -------------------------------------------------------------------------------- /img/supervised-learning.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/supervised-learning.svg -------------------------------------------------------------------------------- /img/taxonomy.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/taxonomy.jpg -------------------------------------------------------------------------------- /img/tensorcore.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/tensorcore.jpg -------------------------------------------------------------------------------- /img/textcnn.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/textcnn.svg -------------------------------------------------------------------------------- /img/threading.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/threading.svg -------------------------------------------------------------------------------- /img/timemachine-5gram.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/timemachine-5gram.svg -------------------------------------------------------------------------------- /img/trans_conv.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/trans_conv.svg -------------------------------------------------------------------------------- /img/trans_conv_stride2.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/trans_conv_stride2.svg -------------------------------------------------------------------------------- /img/transformer.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/transformer.svg -------------------------------------------------------------------------------- /img/truncated-bptt.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/truncated-bptt.svg -------------------------------------------------------------------------------- /img/turing-processing-block.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/turing-processing-block.png -------------------------------------------------------------------------------- /img/turing.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/turing.png -------------------------------------------------------------------------------- /img/turing_processing_block.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/turing_processing_block.png -------------------------------------------------------------------------------- /img/twogpu.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/twogpu.svg -------------------------------------------------------------------------------- /img/ubuntu-new.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ubuntu-new.png -------------------------------------------------------------------------------- /img/ubuntu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/ubuntu.png -------------------------------------------------------------------------------- /img/vec-add.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/vec-add.svg -------------------------------------------------------------------------------- /img/vec-angle.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/vec-angle.svg -------------------------------------------------------------------------------- /img/vgg.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/vgg.svg -------------------------------------------------------------------------------- /img/wake-word.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/wake-word.png -------------------------------------------------------------------------------- /img/wake-word.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/wake-word.svg -------------------------------------------------------------------------------- /img/waldo-mask.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/waldo-mask.jpg -------------------------------------------------------------------------------- /img/waldo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/waldo.jpg -------------------------------------------------------------------------------- /img/wattvsprice.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/wattvsprice.svg -------------------------------------------------------------------------------- /img/where-wally-walker-books.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/where-wally-walker-books.jpg -------------------------------------------------------------------------------- /img/whitecat10.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitecat10.jpg -------------------------------------------------------------------------------- /img/whitecat160.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitecat160.jpg -------------------------------------------------------------------------------- /img/whitecat20.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitecat20.jpg -------------------------------------------------------------------------------- /img/whitecat320.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitecat320.jpg -------------------------------------------------------------------------------- /img/whitecat40.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitecat40.jpg -------------------------------------------------------------------------------- /img/whitecat80.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitecat80.jpg -------------------------------------------------------------------------------- /img/whitedog.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitedog.jpg -------------------------------------------------------------------------------- /img/whitedog10.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitedog10.jpg -------------------------------------------------------------------------------- /img/whitedog160.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitedog160.jpg -------------------------------------------------------------------------------- /img/whitedog20.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitedog20.jpg -------------------------------------------------------------------------------- /img/whitedog320.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitedog320.jpg -------------------------------------------------------------------------------- /img/whitedog40.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitedog40.jpg -------------------------------------------------------------------------------- /img/whitedog80.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/whitedog80.jpg -------------------------------------------------------------------------------- /img/zeroSecDer.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/img/zeroSecDer.svg -------------------------------------------------------------------------------- /index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/index.md -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/setup.py -------------------------------------------------------------------------------- /static/build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/build.yml -------------------------------------------------------------------------------- /static/build_html.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/build_html.sh -------------------------------------------------------------------------------- /static/cache.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/cache.sh -------------------------------------------------------------------------------- /static/clean_img.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/clean_img.sh -------------------------------------------------------------------------------- /static/favicon-blue-background.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/favicon-blue-background.jpg -------------------------------------------------------------------------------- /static/favicon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/favicon.png -------------------------------------------------------------------------------- /static/frontpage/_images/alex.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/alex.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/anirudh.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/anirudh.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/aston.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/aston.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/baris.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/baris.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/brent.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/brent.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/code.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/code.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/eq.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/eq.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/figure.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/figure.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/forum.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/forum.gif -------------------------------------------------------------------------------- /static/frontpage/_images/forum.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/forum.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/forum.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/forum.mp4 -------------------------------------------------------------------------------- /static/frontpage/_images/front.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/front.png -------------------------------------------------------------------------------- /static/frontpage/_images/laptop_jupyter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/laptop_jupyter.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Alexandria-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Alexandria-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Amity-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Amity-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Bar-Ilan-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Bar-Ilan-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Barnard-College.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Barnard-College.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Boston-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Boston-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Brandeis-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Brandeis-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Brown-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Brown-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Cairo-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Cairo-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Columbia-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Columbia-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Cyprus-Institute.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Cyprus-Institute.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Duke-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Duke-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Emory-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Emory-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Fudan-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Fudan-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Gazi-Universitesi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Gazi-Universitesi.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Georgetown-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Georgetown-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Golden-Gate-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Golden-Gate-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Habib-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Habib-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Harvard-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Harvard-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Hertie-School.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Hertie-School.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Hiroshima-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Hiroshima-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Hochschule-Bremen.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Hochschule-Bremen.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/IMT-Mines-Ales.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/IMT-Mines-Ales.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Keio-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Keio-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Leading-Unviersity.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Leading-Unviersity.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Masaryk-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Masaryk-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/McGill-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/McGill-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Menoufia-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Menoufia-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Minia-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Minia-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Monash-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Monash-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Multimedia-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Multimedia-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Nazarbayev-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Nazarbayev-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/New-York-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/New-York-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Newman-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Newman-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Ohio-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Ohio-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Peking-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Peking-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Politecnico-di-Milano.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Politecnico-di-Milano.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Purdue-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Purdue-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Queen's-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Queen's-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Radboud-Universiteit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Radboud-Universiteit.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Rowan-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Rowan-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Santa-Clara-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Santa-Clara-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Shenzhen-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Shenzhen-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Sogang-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Sogang-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Stanford-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Stanford-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Texas-A&M-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Texas-A&M-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Tsinghua-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Tsinghua-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Tufts-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Tufts-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Umea-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Umea-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Universitas-Udayana.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Universitas-Udayana.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Universitat-Heidelberg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Universitat-Heidelberg.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Universite-Cote-dAzur.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Universite-Cote-dAzur.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/University-of-Arkansas.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/University-of-Arkansas.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/University-of-Augsburg.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/University-of-Augsburg.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/University-of-Canberra.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/University-of-Canberra.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/University-of-Hull.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/University-of-Hull.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/University-of-Idaho.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/University-of-Idaho.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/University-of-Liege.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/University-of-Liege.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Western-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Western-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Xiamen-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Xiamen-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Yeshiva-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Yeshiva-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Yonsei-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Yonsei-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Yunnan-University.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Yunnan-University.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/Zhejiang-University.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/Zhejiang-University.svg -------------------------------------------------------------------------------- /static/frontpage/_images/logos/colab.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/colab.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/hkust.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/hkust.gif -------------------------------------------------------------------------------- /static/frontpage/_images/logos/logoimg1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/logoimg1.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/logoimg2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/logoimg2.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/logoimg3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/logoimg3.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/logoimg4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/logoimg4.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/logoimg5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/logoimg5.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/logoimg6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/logoimg6.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/logoimg7.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/logoimg7.png -------------------------------------------------------------------------------- /static/frontpage/_images/logos/sagemaker.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/logos/sagemaker.png -------------------------------------------------------------------------------- /static/frontpage/_images/map.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/map.png -------------------------------------------------------------------------------- /static/frontpage/_images/mu.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/mu.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/notebook.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/notebook.gif -------------------------------------------------------------------------------- /static/frontpage/_images/notebook.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/notebook.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/notebook.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/notebook.mp4 -------------------------------------------------------------------------------- /static/frontpage/_images/rachel.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/rachel.jpeg -------------------------------------------------------------------------------- /static/frontpage/_images/shuai.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/shuai.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/yi.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/yi.jpg -------------------------------------------------------------------------------- /static/frontpage/_images/zack.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/_images/zack.jpg -------------------------------------------------------------------------------- /static/frontpage/frontpage.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/frontpage/frontpage.html -------------------------------------------------------------------------------- /static/latex-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/latex-logo.png -------------------------------------------------------------------------------- /static/logo-with-text-vi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/logo-with-text-vi.png -------------------------------------------------------------------------------- /static/logo-with-text.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/logo-with-text.png -------------------------------------------------------------------------------- /static/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/logo.png -------------------------------------------------------------------------------- /static/post_latex/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/d2l-ai/d2l-vi/HEAD/static/post_latex/main.py --------------------------------------------------------------------------------