├── Archived ├── 01_DeepForwardNN │ ├── 01_LinearRegression │ │ ├── main_sk.py │ │ └── main_torch.py │ ├── 02_SinxFitting │ │ └── main.py │ ├── 03_APILinear │ │ └── main.py │ ├── 04_SoftmaxClassification │ │ ├── constructDataset.py │ │ ├── loadFashionMINIST.py │ │ └── softmax.py │ ├── 05_APICrossEntropyLoss │ │ ├── crossEntropy.py │ │ └── softmaxCla.py │ ├── 06_MultiLayerNN │ │ └── main.py │ ├── 07_BackPropagation │ │ ├── check_grad.py │ │ └── mnistCla.py │ └── README.md ├── 02_ConvolutionalNN │ ├── 01_CNNOP │ │ ├── 01_CnnOpSingleFilter.py │ │ ├── 02_CnnOpMultiFilters.py │ │ └── 03_CnnPooling.py │ ├── 02_LeNet5 │ │ ├── LeNet5.py │ │ └── train.py │ ├── 03_AlexNet │ │ ├── AlexNet.py │ │ └── train.py │ ├── 04_VGG │ │ ├── train.py │ │ └── vgg.py │ ├── 05_NIN │ │ ├── nin.py │ │ └── train.py │ ├── 06_GoogLeNet │ │ ├── googlenet.py │ │ └── train.py │ ├── 07_BN │ │ ├── LeNet5.py │ │ ├── batch_normalization.py │ │ ├── bn_can_converge_fastly.py │ │ ├── bn_can_converge_fastly_plot.py │ │ ├── bn_can_obtain_more_stable_feature_map.py │ │ ├── bn_can_obtain_more_stable_feature_map_plot.py │ │ ├── bn_can_regularize_model.py │ │ ├── bn_can_regularize_model_plot.py │ │ ├── bn_can_use_higher_learning_rate.py │ │ ├── bn_can_use_higher_learning_rate_plot.py │ │ ├── pic_1_sigmoid.py │ │ └── pic_3_batchn.py │ └── README.md ├── 03_RcurrentNN │ ├── 01_DataPreprocess │ │ ├── 01_build_vocabulary.py │ │ ├── 02_build_sentence_classification_dataloader.py │ │ ├── 03_build_parallel_dataloader.py │ │ ├── data_01.txt │ │ ├── data_02.txt │ │ ├── train_.de │ │ └── train_.en │ └── README.md ├── 04_ModelTraining │ ├── 01_TrainAndSave │ │ ├── LeNet5.py │ │ └── train.py │ ├── 02_LoadForInference │ │ ├── LeNet5.py │ │ ├── MODEL │ │ │ └── model.pt │ │ └── inference.py │ ├── 03_LoadForTrain │ │ ├── LeNet5.py │ │ ├── MODEL │ │ │ └── model.pt │ │ └── train.py │ ├── 04_LoadForTransfer │ │ ├── LeNet6.py │ │ ├── MODEL │ │ │ ├── model.pt │ │ │ └── model_new.pt │ │ ├── inference_without_train.py │ │ └── train.py │ ├── 05_CustomizedLrScheduler │ │ ├── LeNet5.py │ │ └── train.py │ ├── 06_TensorboardUsage │ │ ├── LeNet5.py │ │ ├── dufu.png │ │ ├── examples.py │ │ └── train.py │ └── README.md ├── 05_Transformer │ ├── 01_TransformerTranslation │ │ └── README.md │ ├── 02_TransformerClassification │ │ └── README.md │ ├── 03_TransformerCouplet │ │ └── README.md │ └── README.md ├── README.md └── requirements.txt ├── Code ├── Chapter03 │ ├── C01_OP │ │ └── main.py │ ├── C02_HousePrice │ │ └── main.py │ ├── C03_Trapezoid │ │ └── main.py │ ├── C04_GradientDescent │ │ └── main.py │ ├── C05_MultiLayerReg │ │ └── main.py │ ├── C06_OneVsAll │ │ └── main.py │ ├── C07_DigitVisualization │ │ └── main.py │ ├── C08_SGDVisualization │ │ └── main.py │ ├── C09_DataLoader │ │ └── main.py │ ├── C10_CrossEntropy │ │ └── main.py │ ├── C11_DigitClassification │ │ └── main.py │ ├── C12_MultiLayerCla │ │ └── main.py │ ├── C13_RegMetircs │ │ └── main.py │ ├── C14_ClaMetrics │ │ └── main.py │ ├── C15_Overfitting │ │ └── main.py │ ├── C16_L2Regularization │ │ └── main.py │ ├── C17_Dropout │ │ └── main.py │ ├── C18_HyperParams │ │ ├── main.py │ │ └── visual.py │ ├── C19_Activation │ │ └── main.py │ └── C20_MultiLabel │ │ ├── multi_label_loss.py │ │ └── multi_label_metrics.py ├── Chapter04 │ ├── C01_CNNOP │ │ ├── E01_single_channel_single_filter.py │ │ ├── E02_single_channel_multi_filters.py │ │ ├── E03_multi_channels_single_filter.py │ │ ├── E04_multi_channels_multi_filters.py │ │ └── E05_pooling.py │ ├── C02_PaddingPooling │ │ ├── main.py │ │ └── pooling.py │ ├── C03_LeNet5 │ │ ├── LeNet5.py │ │ └── train.py │ ├── C04_AlexNet │ │ ├── AlexNet.py │ │ ├── FashionMNISTVisual.py │ │ ├── img_augmentation.py │ │ ├── loss_plot.py │ │ └── train.py │ ├── C05_VGG │ │ ├── CIFAR10Visual.py │ │ ├── VGG.py │ │ └── train.py │ ├── C06_NIN │ │ ├── NIN.py │ │ └── train.py │ ├── C07_GoogLeNet │ │ ├── GoogLeNet.py │ │ └── train.py │ ├── C08_ResNet │ │ ├── ResNet.py │ │ └── train.py │ └── C09_DenseNet │ │ ├── DenseNet.py │ │ └── train.py ├── Chapter05 │ ├── C01_ConfigManage │ │ ├── E01_Params.py │ │ ├── E02_Config.py │ │ ├── E03_LoadConfig.py │ │ └── config.json │ ├── C02_LogManage │ │ ├── classA.py │ │ ├── classB.py │ │ ├── log_manage.py │ │ ├── main.py │ │ └── model_config.py │ ├── C03_TensorboardUsage │ │ ├── dufu.png │ │ ├── main.py │ │ └── train.py │ ├── C04_ModelSaving │ │ ├── E01_CheckParams.py │ │ ├── lenet5.pt │ │ └── train.py │ ├── C05_ModelTrans │ │ ├── LeNet6.py │ │ ├── lenet6.pt │ │ ├── plot.py │ │ └── train.py │ ├── C06_PretrainedModel │ │ ├── ResNet18.py │ │ └── train.py │ ├── C07_MultiGPUs │ │ └── train.py │ └── C08_DataCache │ │ ├── decorator.py │ │ └── main.py ├── Chapter06 │ ├── C01_LearningRate │ │ └── mian.py │ ├── C02_GradClip │ │ ├── main.py │ │ └── train.py │ ├── C03_BN │ │ ├── LeNet5.py │ │ ├── batch_normalization.py │ │ ├── bn_can_converge_fastly_plot.py │ │ ├── bn_compute.py │ │ ├── train.py │ │ └── var.py │ ├── C04_LN │ │ ├── layer_normalization.py │ │ └── ln_compute.py │ ├── C05_GN │ │ ├── gn_compute.py │ │ └── group_normalization.py │ ├── C06_Momentum │ │ └── main.py │ └── C07_Init │ │ ├── main.py │ │ └── visual.py ├── Chapter07 │ ├── C01_RNN │ │ └── main.py │ ├── C02_RNNImgCla │ │ ├── FashionMNISTRNN.py │ │ └── train.py │ ├── C03_RNNNewsCla │ │ ├── NewsRNN.py │ │ ├── one_hot.py │ │ └── train.py │ ├── C04_LSTM │ │ └── main.py │ ├── C05_GRU │ │ └── main.py │ ├── C06_BiLSTM │ │ └── main.py │ └── C07_CharRNNPoetry │ │ ├── CharRNN.py │ │ ├── doPoetry.py │ │ └── train.py ├── Chapter08 │ ├── C01_TextCNN │ │ ├── TextCNN.py │ │ ├── jieba_usage.py │ │ └── train.py │ ├── C02_TextRNN │ │ ├── TextRNN.py │ │ └── train.py │ ├── C03_CLSTM │ │ ├── CLSTM.py │ │ └── train.py │ ├── C04_BiLSTMCNN │ │ ├── BiLSTMCNN.py │ │ └── train.py │ ├── C05_ConvLSTM │ │ ├── ConvLSTM.py │ │ ├── main.py │ │ └── train.py │ ├── C06_3DCNN │ │ ├── KTH3DCNN.py │ │ ├── main.py │ │ └── train.py │ └── C07_STResNet │ │ ├── STResNet.py │ │ └── train.py ├── Chapter09 │ ├── C01_Word2Vec │ │ ├── main.py │ │ └── visualization.py │ ├── C02_Gensim │ │ └── train.py │ ├── C03_GloVe │ │ └── main.py │ ├── C04_Word2VecCla │ │ ├── TextCNN.py │ │ ├── glove_embedding.py │ │ └── train.py │ ├── C05_FastText │ │ ├── main.py │ │ ├── text_cla.py │ │ └── train.py │ ├── C06_Seq2Seq │ │ └── bleu_usage.py │ ├── C07_NMT │ │ └── README.md │ └── C08_TextRNNAtt │ │ ├── TextRNN.py │ │ └── train.py ├── Chapter10 │ ├── C01_ELMo │ │ ├── ELMo.py │ │ └── test.py │ ├── C02_AllenELMo │ │ ├── ELMoClassification.py │ │ └── train.py │ ├── C03_Transformer │ │ └── README.md │ ├── C04_BERT │ │ └── README.md │ ├── C05_ToyGPT │ │ └── README.md │ ├── C06_Prompt │ │ ├── OwlForestAdventure.md │ │ ├── images │ │ │ ├── 231209201851.jpg │ │ │ ├── 231209201852.jpg │ │ │ ├── 231209201853.jpg │ │ │ ├── 231209201854.jpg │ │ │ ├── 231209201855.jpg │ │ │ ├── 231209201856.jpg │ │ │ ├── 231209201857.jpg │ │ │ ├── 231209201858.jpg │ │ │ ├── 231209201859.jpg │ │ │ └── 231209201860.jpg │ │ └── prompts.md │ ├── C07_BaiChuan2 │ │ ├── Baichuan2_7B_Chat │ │ │ ├── README.md │ │ │ ├── config.json │ │ │ ├── configuration_baichuan.py │ │ │ ├── generation_config.json │ │ │ ├── generation_utils.py │ │ │ ├── modeling_baichuan.py │ │ │ ├── past_key_value_1.jpg │ │ │ ├── past_key_value_2.jpg │ │ │ ├── quantizer.py │ │ │ ├── special_tokens_map.json │ │ │ ├── tokenization_baichuan.py │ │ │ ├── tokenizer.model │ │ │ └── tokenizer_config.json │ │ ├── chat_demo.py │ │ ├── cli_demo.py │ │ ├── ex_decode_cache.py │ │ ├── requirements.txt │ │ ├── test.py │ │ └── web_demo.py │ └── C08_Baichuan2FineTune │ │ ├── Baichuan2_7B_Base │ │ ├── config.json │ │ ├── configuration_baichuan.py │ │ ├── generation_utils.py │ │ ├── modeling_baichuan.py │ │ ├── pytorch_model.bin.index.json │ │ ├── special_tokens_map.json │ │ ├── tokenization_baichuan.py │ │ ├── tokenizer.model │ │ └── tokenizer_config.json │ │ ├── data │ │ ├── belle_chat_ramdon_10k.json │ │ └── test_data.json │ │ ├── ds_config.json │ │ ├── fine_tune.py │ │ ├── requirements.txt │ │ └── test_load_dataset.py ├── data │ ├── MR │ │ ├── format.py │ │ ├── rt-polarity.neg │ │ ├── rt-polarity.pos │ │ ├── rt-polaritydata.README.1.0.txt │ │ ├── rt_test.txt │ │ ├── rt_train.txt │ │ └── rt_val.txt │ ├── Pretrained │ │ ├── README.md │ │ └── glove6b │ ├── README.md │ ├── SougoNews.zip │ ├── TaxiBJ │ ├── dufu.png │ ├── kth │ ├── peotry_tang │ │ ├── poet.tang.0.json │ │ ├── poet.tang.1000.json │ │ ├── poet.tang.10000.json │ │ ├── poet.tang.11000.json │ │ ├── poet.tang.12000.json │ │ ├── poet.tang.13000.json │ │ ├── poet.tang.14000.json │ │ ├── poet.tang.15000.json │ │ ├── poet.tang.16000.json │ │ ├── poet.tang.17000.json │ │ ├── poet.tang.18000.json │ │ ├── poet.tang.19000.json │ │ ├── poet.tang.2000.json │ │ ├── poet.tang.20000.json │ │ ├── poet.tang.21000.json │ │ ├── poet.tang.22000.json │ │ ├── poet.tang.23000.json │ │ ├── poet.tang.24000.json │ │ ├── poet.tang.25000.json │ │ ├── poet.tang.26000.json │ │ ├── poet.tang.27000.json │ │ ├── poet.tang.28000.json │ │ ├── poet.tang.29000.json │ │ ├── poet.tang.3000.json │ │ ├── poet.tang.30000.json │ │ ├── poet.tang.31000.json │ │ ├── poet.tang.32000.json │ │ ├── poet.tang.33000.json │ │ ├── poet.tang.34000.json │ │ ├── poet.tang.35000.json │ │ ├── poet.tang.36000.json │ │ ├── poet.tang.37000.json │ │ ├── poet.tang.38000.json │ │ ├── poet.tang.39000.json │ │ ├── poet.tang.4000.json │ │ ├── poet.tang.40000.json │ │ ├── poet.tang.41000.json │ │ ├── poet.tang.42000.json │ │ ├── poet.tang.43000.json │ │ ├── poet.tang.44000.json │ │ ├── poet.tang.45000.json │ │ ├── poet.tang.46000.json │ │ ├── poet.tang.47000.json │ │ ├── poet.tang.48000.json │ │ ├── poet.tang.49000.json │ │ ├── poet.tang.5000.json │ │ ├── poet.tang.50000.json │ │ ├── poet.tang.51000.json │ │ ├── poet.tang.52000.json │ │ ├── poet.tang.53000.json │ │ ├── poet.tang.54000.json │ │ ├── poet.tang.55000.json │ │ ├── poet.tang.56000.json │ │ ├── poet.tang.57000.json │ │ ├── poet.tang.6000.json │ │ ├── poet.tang.7000.json │ │ ├── poet.tang.8000.json │ │ └── poet.tang.9000.json │ └── toutiao │ │ ├── format_for_fasttext.py │ │ ├── toutiao_test.txt │ │ ├── toutiao_test_fasttext.txt │ │ ├── toutiao_train.txt │ │ ├── toutiao_train_fasttext.txt │ │ ├── toutiao_val.txt │ │ └── toutiao_val_fasttext.txt ├── gpu_test.py ├── requirements_py39.txt ├── test │ ├── test_load_SougoNews.py │ ├── test_load_mr.py │ ├── test_load_mr4elmo.py │ └── test_load_taxiBJ.py └── utils │ ├── __init__.py │ ├── data_helper.py │ ├── log_manage.py │ └── tools.py ├── README.md └── imgs ├── 20250327221901.jpg ├── 240323220831.jpg ├── 240323220906.jpg ├── 240323220922.jpg ├── 240323220942.jpg ├── 240323220959.jpg ├── 240323221023.jpg ├── 240323221038.jpg ├── 240323221052.jpg ├── 240323221105.jpg ├── 240323221119.jpg ├── 240323221133.jpg ├── 240323221146.jpg ├── 240323221208.jpg ├── 240323221224.jpg ├── 240323221237.jpg ├── 240323221300.jpg ├── 240323221317.jpg └── 750.jpg /Archived/01_DeepForwardNN/01_LinearRegression/main_sk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/01_LinearRegression/main_sk.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/01_LinearRegression/main_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/01_LinearRegression/main_torch.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/02_SinxFitting/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/02_SinxFitting/main.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/03_APILinear/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/03_APILinear/main.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/04_SoftmaxClassification/constructDataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/04_SoftmaxClassification/constructDataset.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/04_SoftmaxClassification/loadFashionMINIST.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/04_SoftmaxClassification/loadFashionMINIST.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/04_SoftmaxClassification/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/04_SoftmaxClassification/softmax.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/05_APICrossEntropyLoss/crossEntropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/05_APICrossEntropyLoss/crossEntropy.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/05_APICrossEntropyLoss/softmaxCla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/05_APICrossEntropyLoss/softmaxCla.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/06_MultiLayerNN/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/06_MultiLayerNN/main.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/07_BackPropagation/check_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/07_BackPropagation/check_grad.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/07_BackPropagation/mnistCla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/07_BackPropagation/mnistCla.py -------------------------------------------------------------------------------- /Archived/01_DeepForwardNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/01_DeepForwardNN/README.md -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/01_CNNOP/01_CnnOpSingleFilter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/01_CNNOP/01_CnnOpSingleFilter.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/01_CNNOP/02_CnnOpMultiFilters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/01_CNNOP/02_CnnOpMultiFilters.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/01_CNNOP/03_CnnPooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/01_CNNOP/03_CnnPooling.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/02_LeNet5/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/02_LeNet5/LeNet5.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/02_LeNet5/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/02_LeNet5/train.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/03_AlexNet/AlexNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/03_AlexNet/AlexNet.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/03_AlexNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/03_AlexNet/train.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/04_VGG/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/04_VGG/train.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/04_VGG/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/04_VGG/vgg.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/05_NIN/nin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/05_NIN/nin.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/05_NIN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/05_NIN/train.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/06_GoogLeNet/googlenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/06_GoogLeNet/googlenet.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/06_GoogLeNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/06_GoogLeNet/train.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/LeNet5.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/batch_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/batch_normalization.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/bn_can_converge_fastly.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/bn_can_converge_fastly.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/bn_can_converge_fastly_plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/bn_can_converge_fastly_plot.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/bn_can_obtain_more_stable_feature_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/bn_can_obtain_more_stable_feature_map.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/bn_can_obtain_more_stable_feature_map_plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/bn_can_obtain_more_stable_feature_map_plot.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/bn_can_regularize_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/bn_can_regularize_model.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/bn_can_regularize_model_plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/bn_can_regularize_model_plot.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/bn_can_use_higher_learning_rate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/bn_can_use_higher_learning_rate.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/bn_can_use_higher_learning_rate_plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/bn_can_use_higher_learning_rate_plot.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/pic_1_sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/pic_1_sigmoid.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/07_BN/pic_3_batchn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/07_BN/pic_3_batchn.py -------------------------------------------------------------------------------- /Archived/02_ConvolutionalNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/02_ConvolutionalNN/README.md -------------------------------------------------------------------------------- /Archived/03_RcurrentNN/01_DataPreprocess/01_build_vocabulary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/03_RcurrentNN/01_DataPreprocess/01_build_vocabulary.py -------------------------------------------------------------------------------- /Archived/03_RcurrentNN/01_DataPreprocess/02_build_sentence_classification_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/03_RcurrentNN/01_DataPreprocess/02_build_sentence_classification_dataloader.py -------------------------------------------------------------------------------- /Archived/03_RcurrentNN/01_DataPreprocess/03_build_parallel_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/03_RcurrentNN/01_DataPreprocess/03_build_parallel_dataloader.py -------------------------------------------------------------------------------- /Archived/03_RcurrentNN/01_DataPreprocess/data_01.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/03_RcurrentNN/01_DataPreprocess/data_01.txt -------------------------------------------------------------------------------- /Archived/03_RcurrentNN/01_DataPreprocess/data_02.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/03_RcurrentNN/01_DataPreprocess/data_02.txt -------------------------------------------------------------------------------- /Archived/03_RcurrentNN/01_DataPreprocess/train_.de: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/03_RcurrentNN/01_DataPreprocess/train_.de -------------------------------------------------------------------------------- /Archived/03_RcurrentNN/01_DataPreprocess/train_.en: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/03_RcurrentNN/01_DataPreprocess/train_.en -------------------------------------------------------------------------------- /Archived/03_RcurrentNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/03_RcurrentNN/README.md -------------------------------------------------------------------------------- /Archived/04_ModelTraining/01_TrainAndSave/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/01_TrainAndSave/LeNet5.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/01_TrainAndSave/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/01_TrainAndSave/train.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/02_LoadForInference/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/02_LoadForInference/LeNet5.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/02_LoadForInference/MODEL/model.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/02_LoadForInference/MODEL/model.pt -------------------------------------------------------------------------------- /Archived/04_ModelTraining/02_LoadForInference/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/02_LoadForInference/inference.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/03_LoadForTrain/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/03_LoadForTrain/LeNet5.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/03_LoadForTrain/MODEL/model.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/03_LoadForTrain/MODEL/model.pt -------------------------------------------------------------------------------- /Archived/04_ModelTraining/03_LoadForTrain/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/03_LoadForTrain/train.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/04_LoadForTransfer/LeNet6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/04_LoadForTransfer/LeNet6.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/04_LoadForTransfer/MODEL/model.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/04_LoadForTransfer/MODEL/model.pt -------------------------------------------------------------------------------- /Archived/04_ModelTraining/04_LoadForTransfer/MODEL/model_new.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/04_LoadForTransfer/MODEL/model_new.pt -------------------------------------------------------------------------------- /Archived/04_ModelTraining/04_LoadForTransfer/inference_without_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/04_LoadForTransfer/inference_without_train.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/04_LoadForTransfer/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/04_LoadForTransfer/train.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/05_CustomizedLrScheduler/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/05_CustomizedLrScheduler/LeNet5.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/05_CustomizedLrScheduler/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/05_CustomizedLrScheduler/train.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/06_TensorboardUsage/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/06_TensorboardUsage/LeNet5.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/06_TensorboardUsage/dufu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/06_TensorboardUsage/dufu.png -------------------------------------------------------------------------------- /Archived/04_ModelTraining/06_TensorboardUsage/examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/06_TensorboardUsage/examples.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/06_TensorboardUsage/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/06_TensorboardUsage/train.py -------------------------------------------------------------------------------- /Archived/04_ModelTraining/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/04_ModelTraining/README.md -------------------------------------------------------------------------------- /Archived/05_Transformer/01_TransformerTranslation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/05_Transformer/01_TransformerTranslation/README.md -------------------------------------------------------------------------------- /Archived/05_Transformer/02_TransformerClassification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/05_Transformer/02_TransformerClassification/README.md -------------------------------------------------------------------------------- /Archived/05_Transformer/03_TransformerCouplet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/05_Transformer/03_TransformerCouplet/README.md -------------------------------------------------------------------------------- /Archived/05_Transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/05_Transformer/README.md -------------------------------------------------------------------------------- /Archived/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/README.md -------------------------------------------------------------------------------- /Archived/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Archived/requirements.txt -------------------------------------------------------------------------------- /Code/Chapter03/C01_OP/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C01_OP/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C02_HousePrice/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C02_HousePrice/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C03_Trapezoid/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C03_Trapezoid/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C04_GradientDescent/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C04_GradientDescent/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C05_MultiLayerReg/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C05_MultiLayerReg/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C06_OneVsAll/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C06_OneVsAll/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C07_DigitVisualization/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C07_DigitVisualization/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C08_SGDVisualization/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C08_SGDVisualization/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C09_DataLoader/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C09_DataLoader/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C10_CrossEntropy/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C10_CrossEntropy/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C11_DigitClassification/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C11_DigitClassification/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C12_MultiLayerCla/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C12_MultiLayerCla/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C13_RegMetircs/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C13_RegMetircs/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C14_ClaMetrics/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C14_ClaMetrics/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C15_Overfitting/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C15_Overfitting/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C16_L2Regularization/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C16_L2Regularization/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C17_Dropout/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C17_Dropout/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C18_HyperParams/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C18_HyperParams/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C18_HyperParams/visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C18_HyperParams/visual.py -------------------------------------------------------------------------------- /Code/Chapter03/C19_Activation/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C19_Activation/main.py -------------------------------------------------------------------------------- /Code/Chapter03/C20_MultiLabel/multi_label_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C20_MultiLabel/multi_label_loss.py -------------------------------------------------------------------------------- /Code/Chapter03/C20_MultiLabel/multi_label_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter03/C20_MultiLabel/multi_label_metrics.py -------------------------------------------------------------------------------- /Code/Chapter04/C01_CNNOP/E01_single_channel_single_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C01_CNNOP/E01_single_channel_single_filter.py -------------------------------------------------------------------------------- /Code/Chapter04/C01_CNNOP/E02_single_channel_multi_filters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C01_CNNOP/E02_single_channel_multi_filters.py -------------------------------------------------------------------------------- /Code/Chapter04/C01_CNNOP/E03_multi_channels_single_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C01_CNNOP/E03_multi_channels_single_filter.py -------------------------------------------------------------------------------- /Code/Chapter04/C01_CNNOP/E04_multi_channels_multi_filters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C01_CNNOP/E04_multi_channels_multi_filters.py -------------------------------------------------------------------------------- /Code/Chapter04/C01_CNNOP/E05_pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C01_CNNOP/E05_pooling.py -------------------------------------------------------------------------------- /Code/Chapter04/C02_PaddingPooling/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C02_PaddingPooling/main.py -------------------------------------------------------------------------------- /Code/Chapter04/C02_PaddingPooling/pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C02_PaddingPooling/pooling.py -------------------------------------------------------------------------------- /Code/Chapter04/C03_LeNet5/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C03_LeNet5/LeNet5.py -------------------------------------------------------------------------------- /Code/Chapter04/C03_LeNet5/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C03_LeNet5/train.py -------------------------------------------------------------------------------- /Code/Chapter04/C04_AlexNet/AlexNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C04_AlexNet/AlexNet.py -------------------------------------------------------------------------------- /Code/Chapter04/C04_AlexNet/FashionMNISTVisual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C04_AlexNet/FashionMNISTVisual.py -------------------------------------------------------------------------------- /Code/Chapter04/C04_AlexNet/img_augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C04_AlexNet/img_augmentation.py -------------------------------------------------------------------------------- /Code/Chapter04/C04_AlexNet/loss_plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C04_AlexNet/loss_plot.py -------------------------------------------------------------------------------- /Code/Chapter04/C04_AlexNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C04_AlexNet/train.py -------------------------------------------------------------------------------- /Code/Chapter04/C05_VGG/CIFAR10Visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C05_VGG/CIFAR10Visual.py -------------------------------------------------------------------------------- /Code/Chapter04/C05_VGG/VGG.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C05_VGG/VGG.py -------------------------------------------------------------------------------- /Code/Chapter04/C05_VGG/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C05_VGG/train.py -------------------------------------------------------------------------------- /Code/Chapter04/C06_NIN/NIN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C06_NIN/NIN.py -------------------------------------------------------------------------------- /Code/Chapter04/C06_NIN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C06_NIN/train.py -------------------------------------------------------------------------------- /Code/Chapter04/C07_GoogLeNet/GoogLeNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C07_GoogLeNet/GoogLeNet.py -------------------------------------------------------------------------------- /Code/Chapter04/C07_GoogLeNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C07_GoogLeNet/train.py -------------------------------------------------------------------------------- /Code/Chapter04/C08_ResNet/ResNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C08_ResNet/ResNet.py -------------------------------------------------------------------------------- /Code/Chapter04/C08_ResNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C08_ResNet/train.py -------------------------------------------------------------------------------- /Code/Chapter04/C09_DenseNet/DenseNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C09_DenseNet/DenseNet.py -------------------------------------------------------------------------------- /Code/Chapter04/C09_DenseNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter04/C09_DenseNet/train.py -------------------------------------------------------------------------------- /Code/Chapter05/C01_ConfigManage/E01_Params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C01_ConfigManage/E01_Params.py -------------------------------------------------------------------------------- /Code/Chapter05/C01_ConfigManage/E02_Config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C01_ConfigManage/E02_Config.py -------------------------------------------------------------------------------- /Code/Chapter05/C01_ConfigManage/E03_LoadConfig.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C01_ConfigManage/E03_LoadConfig.py -------------------------------------------------------------------------------- /Code/Chapter05/C01_ConfigManage/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C01_ConfigManage/config.json -------------------------------------------------------------------------------- /Code/Chapter05/C02_LogManage/classA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C02_LogManage/classA.py -------------------------------------------------------------------------------- /Code/Chapter05/C02_LogManage/classB.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C02_LogManage/classB.py -------------------------------------------------------------------------------- /Code/Chapter05/C02_LogManage/log_manage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C02_LogManage/log_manage.py -------------------------------------------------------------------------------- /Code/Chapter05/C02_LogManage/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C02_LogManage/main.py -------------------------------------------------------------------------------- /Code/Chapter05/C02_LogManage/model_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C02_LogManage/model_config.py -------------------------------------------------------------------------------- /Code/Chapter05/C03_TensorboardUsage/dufu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C03_TensorboardUsage/dufu.png -------------------------------------------------------------------------------- /Code/Chapter05/C03_TensorboardUsage/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C03_TensorboardUsage/main.py -------------------------------------------------------------------------------- /Code/Chapter05/C03_TensorboardUsage/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C03_TensorboardUsage/train.py -------------------------------------------------------------------------------- /Code/Chapter05/C04_ModelSaving/E01_CheckParams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C04_ModelSaving/E01_CheckParams.py -------------------------------------------------------------------------------- /Code/Chapter05/C04_ModelSaving/lenet5.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C04_ModelSaving/lenet5.pt -------------------------------------------------------------------------------- /Code/Chapter05/C04_ModelSaving/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C04_ModelSaving/train.py -------------------------------------------------------------------------------- /Code/Chapter05/C05_ModelTrans/LeNet6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C05_ModelTrans/LeNet6.py -------------------------------------------------------------------------------- /Code/Chapter05/C05_ModelTrans/lenet6.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C05_ModelTrans/lenet6.pt -------------------------------------------------------------------------------- /Code/Chapter05/C05_ModelTrans/plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C05_ModelTrans/plot.py -------------------------------------------------------------------------------- /Code/Chapter05/C05_ModelTrans/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C05_ModelTrans/train.py -------------------------------------------------------------------------------- /Code/Chapter05/C06_PretrainedModel/ResNet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C06_PretrainedModel/ResNet18.py -------------------------------------------------------------------------------- /Code/Chapter05/C06_PretrainedModel/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C06_PretrainedModel/train.py -------------------------------------------------------------------------------- /Code/Chapter05/C07_MultiGPUs/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C07_MultiGPUs/train.py -------------------------------------------------------------------------------- /Code/Chapter05/C08_DataCache/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C08_DataCache/decorator.py -------------------------------------------------------------------------------- /Code/Chapter05/C08_DataCache/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter05/C08_DataCache/main.py -------------------------------------------------------------------------------- /Code/Chapter06/C01_LearningRate/mian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C01_LearningRate/mian.py -------------------------------------------------------------------------------- /Code/Chapter06/C02_GradClip/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C02_GradClip/main.py -------------------------------------------------------------------------------- /Code/Chapter06/C02_GradClip/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C02_GradClip/train.py -------------------------------------------------------------------------------- /Code/Chapter06/C03_BN/LeNet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C03_BN/LeNet5.py -------------------------------------------------------------------------------- /Code/Chapter06/C03_BN/batch_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C03_BN/batch_normalization.py -------------------------------------------------------------------------------- /Code/Chapter06/C03_BN/bn_can_converge_fastly_plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C03_BN/bn_can_converge_fastly_plot.py -------------------------------------------------------------------------------- /Code/Chapter06/C03_BN/bn_compute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C03_BN/bn_compute.py -------------------------------------------------------------------------------- /Code/Chapter06/C03_BN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C03_BN/train.py -------------------------------------------------------------------------------- /Code/Chapter06/C03_BN/var.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C03_BN/var.py -------------------------------------------------------------------------------- /Code/Chapter06/C04_LN/layer_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C04_LN/layer_normalization.py -------------------------------------------------------------------------------- /Code/Chapter06/C04_LN/ln_compute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C04_LN/ln_compute.py -------------------------------------------------------------------------------- /Code/Chapter06/C05_GN/gn_compute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C05_GN/gn_compute.py -------------------------------------------------------------------------------- /Code/Chapter06/C05_GN/group_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C05_GN/group_normalization.py -------------------------------------------------------------------------------- /Code/Chapter06/C06_Momentum/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C06_Momentum/main.py -------------------------------------------------------------------------------- /Code/Chapter06/C07_Init/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C07_Init/main.py -------------------------------------------------------------------------------- /Code/Chapter06/C07_Init/visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter06/C07_Init/visual.py -------------------------------------------------------------------------------- /Code/Chapter07/C01_RNN/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C01_RNN/main.py -------------------------------------------------------------------------------- /Code/Chapter07/C02_RNNImgCla/FashionMNISTRNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C02_RNNImgCla/FashionMNISTRNN.py -------------------------------------------------------------------------------- /Code/Chapter07/C02_RNNImgCla/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C02_RNNImgCla/train.py -------------------------------------------------------------------------------- /Code/Chapter07/C03_RNNNewsCla/NewsRNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C03_RNNNewsCla/NewsRNN.py -------------------------------------------------------------------------------- /Code/Chapter07/C03_RNNNewsCla/one_hot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C03_RNNNewsCla/one_hot.py -------------------------------------------------------------------------------- /Code/Chapter07/C03_RNNNewsCla/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C03_RNNNewsCla/train.py -------------------------------------------------------------------------------- /Code/Chapter07/C04_LSTM/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C04_LSTM/main.py -------------------------------------------------------------------------------- /Code/Chapter07/C05_GRU/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C05_GRU/main.py -------------------------------------------------------------------------------- /Code/Chapter07/C06_BiLSTM/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C06_BiLSTM/main.py -------------------------------------------------------------------------------- /Code/Chapter07/C07_CharRNNPoetry/CharRNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C07_CharRNNPoetry/CharRNN.py -------------------------------------------------------------------------------- /Code/Chapter07/C07_CharRNNPoetry/doPoetry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C07_CharRNNPoetry/doPoetry.py -------------------------------------------------------------------------------- /Code/Chapter07/C07_CharRNNPoetry/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter07/C07_CharRNNPoetry/train.py -------------------------------------------------------------------------------- /Code/Chapter08/C01_TextCNN/TextCNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C01_TextCNN/TextCNN.py -------------------------------------------------------------------------------- /Code/Chapter08/C01_TextCNN/jieba_usage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C01_TextCNN/jieba_usage.py -------------------------------------------------------------------------------- /Code/Chapter08/C01_TextCNN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C01_TextCNN/train.py -------------------------------------------------------------------------------- /Code/Chapter08/C02_TextRNN/TextRNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C02_TextRNN/TextRNN.py -------------------------------------------------------------------------------- /Code/Chapter08/C02_TextRNN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C02_TextRNN/train.py -------------------------------------------------------------------------------- /Code/Chapter08/C03_CLSTM/CLSTM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C03_CLSTM/CLSTM.py -------------------------------------------------------------------------------- /Code/Chapter08/C03_CLSTM/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C03_CLSTM/train.py -------------------------------------------------------------------------------- /Code/Chapter08/C04_BiLSTMCNN/BiLSTMCNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C04_BiLSTMCNN/BiLSTMCNN.py -------------------------------------------------------------------------------- /Code/Chapter08/C04_BiLSTMCNN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C04_BiLSTMCNN/train.py -------------------------------------------------------------------------------- /Code/Chapter08/C05_ConvLSTM/ConvLSTM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C05_ConvLSTM/ConvLSTM.py -------------------------------------------------------------------------------- /Code/Chapter08/C05_ConvLSTM/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C05_ConvLSTM/main.py -------------------------------------------------------------------------------- /Code/Chapter08/C05_ConvLSTM/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C05_ConvLSTM/train.py -------------------------------------------------------------------------------- /Code/Chapter08/C06_3DCNN/KTH3DCNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C06_3DCNN/KTH3DCNN.py -------------------------------------------------------------------------------- /Code/Chapter08/C06_3DCNN/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C06_3DCNN/main.py -------------------------------------------------------------------------------- /Code/Chapter08/C06_3DCNN/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C06_3DCNN/train.py -------------------------------------------------------------------------------- /Code/Chapter08/C07_STResNet/STResNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C07_STResNet/STResNet.py -------------------------------------------------------------------------------- /Code/Chapter08/C07_STResNet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter08/C07_STResNet/train.py -------------------------------------------------------------------------------- /Code/Chapter09/C01_Word2Vec/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C01_Word2Vec/main.py -------------------------------------------------------------------------------- /Code/Chapter09/C01_Word2Vec/visualization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C01_Word2Vec/visualization.py -------------------------------------------------------------------------------- /Code/Chapter09/C02_Gensim/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C02_Gensim/train.py -------------------------------------------------------------------------------- /Code/Chapter09/C03_GloVe/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C03_GloVe/main.py -------------------------------------------------------------------------------- /Code/Chapter09/C04_Word2VecCla/TextCNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C04_Word2VecCla/TextCNN.py -------------------------------------------------------------------------------- /Code/Chapter09/C04_Word2VecCla/glove_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C04_Word2VecCla/glove_embedding.py -------------------------------------------------------------------------------- /Code/Chapter09/C04_Word2VecCla/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C04_Word2VecCla/train.py -------------------------------------------------------------------------------- /Code/Chapter09/C05_FastText/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C05_FastText/main.py -------------------------------------------------------------------------------- /Code/Chapter09/C05_FastText/text_cla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C05_FastText/text_cla.py -------------------------------------------------------------------------------- /Code/Chapter09/C05_FastText/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C05_FastText/train.py -------------------------------------------------------------------------------- /Code/Chapter09/C06_Seq2Seq/bleu_usage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C06_Seq2Seq/bleu_usage.py -------------------------------------------------------------------------------- /Code/Chapter09/C07_NMT/README.md: -------------------------------------------------------------------------------- 1 | ## 本节内容完整示例代码参见仓库: 2 | 3 | https://github.com/moon-hotel/NMT 4 | 5 | 6 | -------------------------------------------------------------------------------- /Code/Chapter09/C08_TextRNNAtt/TextRNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C08_TextRNNAtt/TextRNN.py -------------------------------------------------------------------------------- /Code/Chapter09/C08_TextRNNAtt/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter09/C08_TextRNNAtt/train.py -------------------------------------------------------------------------------- /Code/Chapter10/C01_ELMo/ELMo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C01_ELMo/ELMo.py -------------------------------------------------------------------------------- /Code/Chapter10/C01_ELMo/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C01_ELMo/test.py -------------------------------------------------------------------------------- /Code/Chapter10/C02_AllenELMo/ELMoClassification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C02_AllenELMo/ELMoClassification.py -------------------------------------------------------------------------------- /Code/Chapter10/C02_AllenELMo/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C02_AllenELMo/train.py -------------------------------------------------------------------------------- /Code/Chapter10/C03_Transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C03_Transformer/README.md -------------------------------------------------------------------------------- /Code/Chapter10/C04_BERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C04_BERT/README.md -------------------------------------------------------------------------------- /Code/Chapter10/C05_ToyGPT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C05_ToyGPT/README.md -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/OwlForestAdventure.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/OwlForestAdventure.md -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201851.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201851.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201852.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201852.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201853.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201853.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201854.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201854.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201855.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201855.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201856.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201856.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201857.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201857.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201858.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201858.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201859.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201859.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/images/231209201860.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/images/231209201860.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C06_Prompt/prompts.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C06_Prompt/prompts.md -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/README.md -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/config.json -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/configuration_baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/configuration_baichuan.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/generation_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/generation_config.json -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/generation_utils.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/modeling_baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/modeling_baichuan.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/past_key_value_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/past_key_value_1.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/past_key_value_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/past_key_value_2.jpg -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/quantizer.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/special_tokens_map.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/special_tokens_map.json -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/tokenization_baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/tokenization_baichuan.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/tokenizer.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/tokenizer.model -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/tokenizer_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/Baichuan2_7B_Chat/tokenizer_config.json -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/chat_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/chat_demo.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/cli_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/cli_demo.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/ex_decode_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/ex_decode_cache.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/requirements.txt -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/test.py -------------------------------------------------------------------------------- /Code/Chapter10/C07_BaiChuan2/web_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C07_BaiChuan2/web_demo.py -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/config.json -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/configuration_baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/configuration_baichuan.py -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/generation_utils.py -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/modeling_baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/modeling_baichuan.py -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/pytorch_model.bin.index.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/pytorch_model.bin.index.json -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/special_tokens_map.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/special_tokens_map.json -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/tokenization_baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/tokenization_baichuan.py -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/tokenizer.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/tokenizer.model -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/tokenizer_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/Baichuan2_7B_Base/tokenizer_config.json -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/data/belle_chat_ramdon_10k.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/data/belle_chat_ramdon_10k.json -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/data/test_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/data/test_data.json -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/ds_config.json -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/fine_tune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/fine_tune.py -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/requirements.txt -------------------------------------------------------------------------------- /Code/Chapter10/C08_Baichuan2FineTune/test_load_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/Chapter10/C08_Baichuan2FineTune/test_load_dataset.py -------------------------------------------------------------------------------- /Code/data/MR/format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/MR/format.py -------------------------------------------------------------------------------- /Code/data/MR/rt-polarity.neg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/MR/rt-polarity.neg -------------------------------------------------------------------------------- /Code/data/MR/rt-polarity.pos: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/MR/rt-polarity.pos -------------------------------------------------------------------------------- /Code/data/MR/rt-polaritydata.README.1.0.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/MR/rt-polaritydata.README.1.0.txt -------------------------------------------------------------------------------- /Code/data/MR/rt_test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/MR/rt_test.txt -------------------------------------------------------------------------------- /Code/data/MR/rt_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/MR/rt_train.txt -------------------------------------------------------------------------------- /Code/data/MR/rt_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/MR/rt_val.txt -------------------------------------------------------------------------------- /Code/data/Pretrained/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/Pretrained/README.md -------------------------------------------------------------------------------- /Code/data/Pretrained/glove6b: -------------------------------------------------------------------------------- 1 | /Users/wangcheng/Datasets/data/glove.6B/ -------------------------------------------------------------------------------- /Code/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/README.md -------------------------------------------------------------------------------- /Code/data/SougoNews.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/SougoNews.zip -------------------------------------------------------------------------------- /Code/data/TaxiBJ: -------------------------------------------------------------------------------- 1 | /Users/wangcheng/Datasets/TaxiBJ -------------------------------------------------------------------------------- /Code/data/dufu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/dufu.png -------------------------------------------------------------------------------- /Code/data/kth: -------------------------------------------------------------------------------- 1 | /Users/wangcheng/Datasets/KTH -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.0.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.1000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.1000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.10000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.10000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.11000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.11000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.12000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.12000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.13000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.13000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.14000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.14000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.15000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.15000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.16000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.16000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.17000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.17000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.18000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.18000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.19000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.19000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.2000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.2000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.20000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.20000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.21000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.21000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.22000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.22000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.23000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.23000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.24000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.24000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.25000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.25000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.26000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.26000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.27000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.27000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.28000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.28000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.29000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.29000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.3000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.3000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.30000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.30000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.31000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.31000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.32000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.32000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.33000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.33000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.34000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.34000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.35000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.35000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.36000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.36000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.37000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.37000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.38000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.38000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.39000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.39000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.4000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.4000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.40000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.40000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.41000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.41000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.42000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.42000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.43000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.43000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.44000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.44000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.45000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.45000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.46000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.46000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.47000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.47000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.48000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.48000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.49000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.49000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.5000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.5000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.50000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.50000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.51000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.51000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.52000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.52000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.53000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.53000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.54000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.54000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.55000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.55000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.56000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.56000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.57000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.57000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.6000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.6000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.7000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.7000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.8000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.8000.json -------------------------------------------------------------------------------- /Code/data/peotry_tang/poet.tang.9000.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/peotry_tang/poet.tang.9000.json -------------------------------------------------------------------------------- /Code/data/toutiao/format_for_fasttext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/toutiao/format_for_fasttext.py -------------------------------------------------------------------------------- /Code/data/toutiao/toutiao_test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/toutiao/toutiao_test.txt -------------------------------------------------------------------------------- /Code/data/toutiao/toutiao_test_fasttext.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/toutiao/toutiao_test_fasttext.txt -------------------------------------------------------------------------------- /Code/data/toutiao/toutiao_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/toutiao/toutiao_train.txt -------------------------------------------------------------------------------- /Code/data/toutiao/toutiao_train_fasttext.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/toutiao/toutiao_train_fasttext.txt -------------------------------------------------------------------------------- /Code/data/toutiao/toutiao_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/toutiao/toutiao_val.txt -------------------------------------------------------------------------------- /Code/data/toutiao/toutiao_val_fasttext.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/data/toutiao/toutiao_val_fasttext.txt -------------------------------------------------------------------------------- /Code/gpu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/gpu_test.py -------------------------------------------------------------------------------- /Code/requirements_py39.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/requirements_py39.txt -------------------------------------------------------------------------------- /Code/test/test_load_SougoNews.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/test/test_load_SougoNews.py -------------------------------------------------------------------------------- /Code/test/test_load_mr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/test/test_load_mr.py -------------------------------------------------------------------------------- /Code/test/test_load_mr4elmo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/test/test_load_mr4elmo.py -------------------------------------------------------------------------------- /Code/test/test_load_taxiBJ.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/test/test_load_taxiBJ.py -------------------------------------------------------------------------------- /Code/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/utils/__init__.py -------------------------------------------------------------------------------- /Code/utils/data_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/utils/data_helper.py -------------------------------------------------------------------------------- /Code/utils/log_manage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/utils/log_manage.py -------------------------------------------------------------------------------- /Code/utils/tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/Code/utils/tools.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/README.md -------------------------------------------------------------------------------- /imgs/20250327221901.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/20250327221901.jpg -------------------------------------------------------------------------------- /imgs/240323220831.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323220831.jpg -------------------------------------------------------------------------------- /imgs/240323220906.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323220906.jpg -------------------------------------------------------------------------------- /imgs/240323220922.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323220922.jpg -------------------------------------------------------------------------------- /imgs/240323220942.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323220942.jpg -------------------------------------------------------------------------------- /imgs/240323220959.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323220959.jpg -------------------------------------------------------------------------------- /imgs/240323221023.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221023.jpg -------------------------------------------------------------------------------- /imgs/240323221038.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221038.jpg -------------------------------------------------------------------------------- /imgs/240323221052.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221052.jpg -------------------------------------------------------------------------------- /imgs/240323221105.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221105.jpg -------------------------------------------------------------------------------- /imgs/240323221119.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221119.jpg -------------------------------------------------------------------------------- /imgs/240323221133.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221133.jpg -------------------------------------------------------------------------------- /imgs/240323221146.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221146.jpg -------------------------------------------------------------------------------- /imgs/240323221208.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221208.jpg -------------------------------------------------------------------------------- /imgs/240323221224.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221224.jpg -------------------------------------------------------------------------------- /imgs/240323221237.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221237.jpg -------------------------------------------------------------------------------- /imgs/240323221300.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221300.jpg -------------------------------------------------------------------------------- /imgs/240323221317.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/240323221317.jpg -------------------------------------------------------------------------------- /imgs/750.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moon-hotel/DeepLearningWithMe/HEAD/imgs/750.jpg --------------------------------------------------------------------------------