├── Base ├── books │ ├── JTZHBC │ │ ├── 2.recommendation │ │ │ └── recommendations.py │ │ ├── 3.discovery │ │ │ ├── 3test.py │ │ │ ├── clusters.py │ │ │ └── generatefeedvector.py │ │ ├── 4.searchengine │ │ │ ├── nn.py │ │ │ └── searchengine.py │ │ ├── 5.optimization │ │ │ ├── dorm.py │ │ │ ├── optimization.py │ │ │ ├── socialnetwork.py │ │ │ └── test.py │ │ └── readme.md │ └── ML_in_action │ │ ├── AdaBoost │ │ ├── adaboost.py │ │ └── test.py │ │ ├── Bayes │ │ ├── bayes.py │ │ └── test.py │ │ ├── DecisionTree │ │ ├── test.py │ │ ├── treePlotter.py │ │ └── trees.py │ │ ├── Logistic │ │ ├── logRegres.py │ │ ├── test.py │ │ └── testSet.txt │ │ ├── Regression │ │ ├── regression.py │ │ └── test.py │ │ ├── SVM │ │ ├── svm.py │ │ └── test.py │ │ ├── kMeans │ │ ├── kMeans.py │ │ └── test.py │ │ ├── kNN │ │ ├── kNN.py │ │ └── test.py │ │ └── readme.md ├── challenge │ ├── AIchallenge │ │ ├── AI_pic2text_pre.ipynb │ │ ├── AI_pic2text_pre2.ipynb │ │ └── AI_pic2text_pre3.ipynb │ ├── DataFountain │ │ └── writing_classify │ │ │ └── pre_1.ipynb │ ├── biendata │ │ └── mobike │ │ │ ├── example_learn_mobike.ipynb │ │ │ └── mobike_mine.ipynb │ ├── kaggle │ │ ├── HousePrices │ │ │ ├── House Prices.ipynb │ │ │ ├── predictions.csv │ │ │ ├── test.csv │ │ │ └── train.csv │ │ ├── Titanic │ │ │ ├── Titanic.ipynb │ │ │ ├── pre.csv │ │ │ ├── test.csv │ │ │ └── train.csv │ │ ├── readme.md │ │ └── searchrelevance.pdf │ └── tianchi │ │ └── shop_location │ │ ├── baseline1.ipynb │ │ ├── baseline2.ipynb │ │ └── shop_pre1.ipynb ├── courses │ ├── DL_AndrewNg │ │ ├── .DS_Store │ │ ├── README.md │ │ ├── course1 │ │ │ ├── BuildingDNNv3.ipynb │ │ │ ├── DNNApplicationv3.ipynb │ │ │ ├── LRwithNN.ipynb │ │ │ └── week3NN.ipynb │ │ ├── course2 │ │ │ ├── GradientChecking.ipynb │ │ │ ├── Initialization.ipynb │ │ │ ├── OptimizationMethods.ipynb │ │ │ ├── Regularization.ipynb │ │ │ └── TensorflowTutorial.ipynb │ │ ├── course4 │ │ │ ├── .DS_Store │ │ │ ├── ArtGenerationwithNeuralStyleTransfer2.ipynb │ │ │ ├── AutonomousdrivingapplicationCardetectionv3.ipynb │ │ │ ├── ConvolutionmodelApplicationv1.ipynb │ │ │ ├── ConvolutionmodelStepbyStepv2.ipynb │ │ │ ├── FaceRecognitionfortheHappyHousev3.ipynb │ │ │ ├── KerasTutorialHappyHousev2.ipynb │ │ │ └── ResidualNetworksv2.ipynb │ │ └── course5 │ │ │ ├── .DS_Store │ │ │ ├── BuildingaRecurrentNeuralNetworkStepbyStepv3.ipynb │ │ │ ├── DinosaurusIslandCharacterlevellanguagemodelfinalv3.ipynb │ │ │ ├── Emojifyv2.ipynb │ │ │ ├── ImproviseaJazzSolowithanLSTMNetworkv3.ipynb │ │ │ ├── Neuralmachinetranslationwithattentionv3.ipynb │ │ │ ├── Operationsonwordvectorsv2.ipynb │ │ │ ├── Triggerworddetectionv1.ipynb │ │ │ └── rnn_utils.py │ ├── coursera_ML │ │ ├── ex1_liner │ │ │ ├── computeCost.m │ │ │ ├── ex1.m │ │ │ └── gradientDescent.m │ │ ├── ex2_logistc │ │ │ ├── costFunction.m │ │ │ ├── costFunctionReg.m │ │ │ ├── ex2.m │ │ │ ├── ex2_reg.m │ │ │ ├── plotData.m │ │ │ ├── predict.m │ │ │ └── sigmoid.m │ │ ├── ex3_nn │ │ │ ├── lrCostFunction.m │ │ │ ├── oneVsAll.m │ │ │ ├── predict.m │ │ │ └── predictOneVsAll.m │ │ └── readme.md │ ├── cs231n │ │ ├── README.md │ │ ├── assignment1 │ │ │ ├── .gitignore │ │ │ ├── .ipynb_checkpoints │ │ │ │ ├── features-checkpoint.ipynb │ │ │ │ ├── knn-checkpoint.ipynb │ │ │ │ ├── softmax-checkpoint.ipynb │ │ │ │ ├── svm-checkpoint.ipynb │ │ │ │ └── two_layer_net-checkpoint.ipynb │ │ │ ├── README.md │ │ │ ├── collectSubmission.sh │ │ │ ├── cs231n │ │ │ │ ├── __init__.py │ │ │ │ ├── classifiers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── k_nearest_neighbor.py │ │ │ │ │ ├── linear_classifier.py │ │ │ │ │ ├── linear_svm.py │ │ │ │ │ ├── neural_net.py │ │ │ │ │ └── softmax.py │ │ │ │ ├── data_utils.py │ │ │ │ ├── datasets │ │ │ │ │ ├── .gitignore │ │ │ │ │ └── get_datasets.sh │ │ │ │ ├── features.py │ │ │ │ ├── gradient_check.py │ │ │ │ └── vis_utils.py │ │ │ ├── features.ipynb │ │ │ ├── frameworkpython │ │ │ ├── knn.ipynb │ │ │ ├── setup_googlecloud.sh │ │ │ ├── softmax.ipynb │ │ │ ├── start_ipython_osx.sh │ │ │ ├── svm.ipynb │ │ │ └── two_layer_net.ipynb │ │ └── note │ │ │ └── inverted_dropout.py │ └── qiyuezaixian │ │ ├── .DS_Store │ │ ├── README.md │ │ ├── course1 │ │ ├── PythonRegEx.html │ │ ├── jieba.html │ │ └── string_operation.ipynb │ │ ├── course2 │ │ ├── Ngram.html │ │ ├── bayes.html │ │ ├── bayesClassfierNews.html │ │ ├── bayesDetector.html │ │ └── stopwords_cn.txt │ │ ├── course3 │ │ └── HillaryEmail.ipynb │ │ └── course5 │ │ └── HMM_POS_TAG.html ├── frameworks │ ├── caffe │ │ ├── code │ │ │ ├── ssd_detection_output_layer.py │ │ │ └── test_ssd.py │ │ ├── docs │ │ │ └── ubuntu18_anaconda3_py27_cpu_COMPILE_CAFFE.md │ │ ├── project │ │ │ └── caffe_ssd_write_layer │ │ │ │ ├── 3.jpg │ │ │ │ ├── caffe_ssd_deploy.prototxt │ │ │ │ ├── caffe_ssd_deploy2.prototxt │ │ │ │ ├── dog_bike_car.jpg │ │ │ │ ├── img │ │ │ │ └── two_faces_300.jpg │ │ │ │ ├── nnie_ssd_deploy.prototxt │ │ │ │ ├── res.jpg │ │ │ │ ├── res222.jpg │ │ │ │ ├── test_caffe_ssd.py │ │ │ │ ├── test_img.jpg │ │ │ │ ├── test_img2.jpg │ │ │ │ ├── test_img3.jpg │ │ │ │ ├── test_ssd_concat.py │ │ │ │ ├── test_ssd_detection_output.py │ │ │ │ ├── test_ssd_priorbox.py │ │ │ │ ├── test_ssd_priorbox_originSSD.py │ │ │ │ ├── two_faces_300.jpg │ │ │ │ ├── yufacedetectnet-open-v1-concat.prototxt │ │ │ │ ├── yufacedetectnet-open-v1-detection_output.caffemodel │ │ │ │ ├── yufacedetectnet-open-v1-detection_output.prototxt │ │ │ │ ├── yufacedetectnet-open-v1-priorbox.prototxt │ │ │ │ ├── yufacedetectnet-open-v1.caffemodel │ │ │ │ ├── yufacedetectnet-open-v1.prototxt │ │ │ │ ├── yufacedetectnet-open-v1_my.caffemodel │ │ │ │ ├── yufacedetectnet-open-v1_my.prototxt │ │ │ │ ├── yufacedetectnet-open-v1_new.caffemodel │ │ │ │ └── yufacedetectnet-open-v1_new.prototxt │ │ └── readme.md │ ├── keras │ │ ├── .DS_Store │ │ ├── baseline │ │ │ ├── main.py │ │ │ ├── my_data.py │ │ │ └── my_model.py │ │ ├── data │ │ │ ├── 0_0.png │ │ │ └── 2_100.png │ │ ├── demo │ │ │ ├── .DS_Store │ │ │ ├── Keras_GAN.ipynb │ │ │ ├── RNN_classify.ipynb │ │ │ ├── Word_Language_Modelling_LSTM.ipynb │ │ │ ├── cam_heatmap.py │ │ │ ├── classify_focal_loss.py │ │ │ ├── clearData.py │ │ │ ├── data_aug.py │ │ │ ├── data_generator.py │ │ │ ├── fmeasure_metric.py │ │ │ ├── h5_customer_to_tflite.py │ │ │ ├── h5_to_ckpt.py │ │ │ ├── h5_to_pb.py │ │ │ ├── h5_to_tflite.py │ │ │ ├── keras_cifar10.ipynb │ │ │ ├── keras_mnist.ipynb │ │ │ ├── keras_net.py │ │ │ ├── layer_trainable.py │ │ │ ├── lstm_word_embedding.ipynb │ │ │ ├── multi_output_class_weight.py │ │ │ ├── pretrain.py │ │ │ ├── show_keras_data.py │ │ │ └── tflite_pre.py │ │ ├── keras_example.ipynb │ │ ├── note │ │ │ ├── .DS_Store │ │ │ └── keras_multiGPU.md │ │ ├── project │ │ │ ├── .DS_Store │ │ │ ├── 3D_predict.py │ │ │ ├── Caipiao_nn.ipynb │ │ │ ├── history3D.txt │ │ │ └── plate_color.ipynb │ │ └── readme.md │ ├── mxnet │ │ └── load_pre_demo.py │ ├── pytorch │ │ ├── IOU_balanced.py │ │ ├── IoU_loss.py │ │ ├── demo │ │ │ ├── CEloss.py │ │ │ ├── onnx_pre.py │ │ │ └── show_pth_data.py │ │ ├── practice │ │ │ ├── 60分钟入门PyTorch-0.目录.ipynb │ │ │ ├── 60分钟入门PyTorch-1.PyTorch是什么?.ipynb │ │ │ ├── 60分钟入门PyTorch-2.AUTOGRAD.ipynb │ │ │ ├── 60分钟入门PyTorch-3.神经网络.ipynb │ │ │ ├── 60分钟入门PyTorch-4.训练一个分类器.ipynb │ │ │ ├── 60分钟入门PyTorch-5.数据并行.ipynb │ │ │ ├── gan_pytorch.py │ │ │ ├── mnist_demo.py │ │ │ ├── pytorch_example.ipynb │ │ │ └── pytorch_lstm.ipynb │ │ └── readme.md │ └── tensorflow │ │ ├── .DS_Store │ │ ├── basic │ │ ├── .DS_Store │ │ ├── Learn_tf.ipynb │ │ ├── TFLiteModelMaker │ │ │ ├── README.md │ │ │ └── train.py │ │ ├── TensorFlowExample.ipynb │ │ ├── ckpt2pb.py │ │ ├── ckpt_pre.py │ │ ├── onnx_pre.py │ │ ├── pb2tflite.py │ │ ├── pruned_demo.py │ │ ├── read_pb.py │ │ ├── tf_pb_pre.py │ │ ├── tf_save_load.ipynb │ │ ├── tflite_pre.py │ │ └── tflite_show_middle_output.py │ │ ├── demo │ │ ├── .DS_Store │ │ ├── TF_logsitic.ipynb │ │ ├── basic_mnist_demo.py │ │ ├── mnist_cnn_demo.py │ │ └── ten_people_face_reconize │ │ │ ├── .DS_Store │ │ │ ├── main.py │ │ │ ├── model │ │ │ └── .DS_Store │ │ │ ├── olivettifaces.gif │ │ │ └── result.png │ │ └── readme.md └── tools │ ├── lightgbm │ ├── readme.md │ ├── simpleexample.py │ └── sklearnexample.py │ ├── scikit-learn │ ├── .DS_Store │ ├── README.md │ ├── choose.png │ ├── demo │ │ ├── kmeans_color.py │ │ └── tSNE.py │ ├── ex2data1.txt │ ├── pearsonr.ipynb │ ├── sklearn_LR.py │ └── useful.py │ ├── spark │ ├── .DS_Store │ ├── README.md │ ├── learnsparkLDA │ │ ├── .DS_Store │ │ ├── learn_sparkRDD.ipynb │ │ ├── spark_MLlib.ipynb │ │ ├── spark_pairRDD.ipynb │ │ ├── spark_saveload.ipynb │ │ └── spark_uplevel.ipynb │ └── start.py │ └── xgboost │ ├── readme.md │ ├── xgboost.ipynb │ └── xgboost_multi.ipynb ├── CV ├── codes │ ├── IOU.py │ ├── flickr_to_voc.py │ ├── label_smoothing.py │ ├── makeVOCDirs.py │ ├── nms.py │ ├── pascalVOC2csv.py │ ├── show_voc_box.py │ ├── simple_mixup.py │ ├── to_coco_person17.py │ ├── txt2xml.py │ └── updateTXT.py ├── knowledge.md ├── nets │ ├── .DS_Store │ ├── alexnet │ │ ├── .DS_Store │ │ ├── README.md │ │ ├── alexnet.jpg │ │ └── keras_alexnet.py │ ├── lenet5 │ │ ├── .DS_Store │ │ ├── README.md │ │ ├── keras_lenet5.py │ │ └── lenet5.jpg │ └── vgg │ │ ├── .DS_Store │ │ ├── README.md │ │ ├── keras_vgg.py │ │ ├── vgg.jpg │ │ └── vgg16.jpg └── note │ ├── .DS_Store │ ├── DCNN_book_note.md │ ├── chineseocr-ctpn-densenet.md │ ├── cptn.jpg │ ├── ctc.jpg │ ├── denseblock.jpg │ ├── densenet.jpg │ ├── handwrite_ocr_note.md │ ├── nms.jpg │ ├── vgg1.jpg │ ├── vgg2.jpg │ ├── vgg3.jpg │ └── vgg4.jpg ├── DIY ├── .DS_Store ├── Adaboost.ipynb ├── CRF.ipynb ├── DecisionTree.ipynb ├── EM.ipynb ├── HMM.ipynb ├── IOU.py ├── LR.ipynb ├── NN.ipynb ├── NaiveBayes.ipynb ├── PCA.ipynb ├── ROC_AUC.ipynb ├── SVM.ipynb ├── Stacking.py ├── ex1_py_liner.ipynb ├── ex1data1.txt ├── kMeans.ipynb ├── kNN.ipynb ├── lenses.txt ├── perceptron.ipynb ├── tryStacking.ipynb └── yoloF1.py ├── DM ├── knowledge.md └── note │ ├── .DS_Store │ ├── FeatureEngneering.md │ └── img │ └── fe.jpg ├── NLP ├── .DS_Store ├── codes │ └── re.ipynb ├── knowledge.md └── tools │ ├── NLPIR │ └── Start.py │ ├── gensim │ ├── load_w2v_ch.py │ ├── process_wiki_data.py │ ├── readme.md │ ├── test_word2vec.ipynb │ └── train_word2vec_model.py │ ├── jieba │ ├── cixing.py │ ├── if-idf.py │ ├── jieba_cut.ipynb │ ├── jieba_cut_ngram.py │ ├── read_save.ipynb │ └── readme.md │ ├── lda │ └── lda.ipynb │ ├── nltk │ ├── func │ │ ├── nltk_FreqDist.ipynb │ │ └── tokenize_text_html.ipynb │ ├── practice │ │ ├── Sentiment_analysis.ipynb │ │ ├── TF-IDF.ipynb │ │ ├── Text_similarity.ipynb │ │ └── wordsNormalization.ipynb │ └── readme.md │ └── word2vec │ ├── .DS_Store │ ├── readme.md │ └── word2vec_start.ipynb ├── Others ├── .DS_Store └── infos │ └── README.md └── README.md /Base/books/JTZHBC/2.recommendation/recommendations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/2.recommendation/recommendations.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/3.discovery/3test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/3.discovery/3test.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/3.discovery/clusters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/3.discovery/clusters.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/3.discovery/generatefeedvector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/3.discovery/generatefeedvector.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/4.searchengine/nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/4.searchengine/nn.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/4.searchengine/searchengine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/4.searchengine/searchengine.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/5.optimization/dorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/5.optimization/dorm.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/5.optimization/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/5.optimization/optimization.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/5.optimization/socialnetwork.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/5.optimization/socialnetwork.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/5.optimization/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/5.optimization/test.py -------------------------------------------------------------------------------- /Base/books/JTZHBC/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/JTZHBC/readme.md -------------------------------------------------------------------------------- /Base/books/ML_in_action/AdaBoost/adaboost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/AdaBoost/adaboost.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/AdaBoost/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/AdaBoost/test.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/Bayes/bayes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/Bayes/bayes.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/Bayes/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/Bayes/test.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/DecisionTree/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/DecisionTree/test.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/DecisionTree/treePlotter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/DecisionTree/treePlotter.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/DecisionTree/trees.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/DecisionTree/trees.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/Logistic/logRegres.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/Logistic/logRegres.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/Logistic/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/Logistic/test.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/Logistic/testSet.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/Logistic/testSet.txt -------------------------------------------------------------------------------- /Base/books/ML_in_action/Regression/regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/Regression/regression.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/Regression/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/Regression/test.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/SVM/svm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/SVM/svm.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/SVM/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/SVM/test.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/kMeans/kMeans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/kMeans/kMeans.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/kMeans/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/kMeans/test.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/kNN/kNN.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/kNN/kNN.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/kNN/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/kNN/test.py -------------------------------------------------------------------------------- /Base/books/ML_in_action/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/books/ML_in_action/readme.md -------------------------------------------------------------------------------- /Base/challenge/AIchallenge/AI_pic2text_pre.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/AIchallenge/AI_pic2text_pre.ipynb -------------------------------------------------------------------------------- /Base/challenge/AIchallenge/AI_pic2text_pre2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/AIchallenge/AI_pic2text_pre2.ipynb -------------------------------------------------------------------------------- /Base/challenge/AIchallenge/AI_pic2text_pre3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/AIchallenge/AI_pic2text_pre3.ipynb -------------------------------------------------------------------------------- /Base/challenge/DataFountain/writing_classify/pre_1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/DataFountain/writing_classify/pre_1.ipynb -------------------------------------------------------------------------------- /Base/challenge/biendata/mobike/example_learn_mobike.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/biendata/mobike/example_learn_mobike.ipynb -------------------------------------------------------------------------------- /Base/challenge/biendata/mobike/mobike_mine.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/biendata/mobike/mobike_mine.ipynb -------------------------------------------------------------------------------- /Base/challenge/kaggle/HousePrices/House Prices.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/HousePrices/House Prices.ipynb -------------------------------------------------------------------------------- /Base/challenge/kaggle/HousePrices/predictions.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/HousePrices/predictions.csv -------------------------------------------------------------------------------- /Base/challenge/kaggle/HousePrices/test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/HousePrices/test.csv -------------------------------------------------------------------------------- /Base/challenge/kaggle/HousePrices/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/HousePrices/train.csv -------------------------------------------------------------------------------- /Base/challenge/kaggle/Titanic/Titanic.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/Titanic/Titanic.ipynb -------------------------------------------------------------------------------- /Base/challenge/kaggle/Titanic/pre.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/Titanic/pre.csv -------------------------------------------------------------------------------- /Base/challenge/kaggle/Titanic/test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/Titanic/test.csv -------------------------------------------------------------------------------- /Base/challenge/kaggle/Titanic/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/Titanic/train.csv -------------------------------------------------------------------------------- /Base/challenge/kaggle/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/readme.md -------------------------------------------------------------------------------- /Base/challenge/kaggle/searchrelevance.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/kaggle/searchrelevance.pdf -------------------------------------------------------------------------------- /Base/challenge/tianchi/shop_location/baseline1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/tianchi/shop_location/baseline1.ipynb -------------------------------------------------------------------------------- /Base/challenge/tianchi/shop_location/baseline2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/tianchi/shop_location/baseline2.ipynb -------------------------------------------------------------------------------- /Base/challenge/tianchi/shop_location/shop_pre1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/challenge/tianchi/shop_location/shop_pre1.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/.DS_Store -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/README.md -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course1/BuildingDNNv3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course1/BuildingDNNv3.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course1/DNNApplicationv3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course1/DNNApplicationv3.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course1/LRwithNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course1/LRwithNN.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course1/week3NN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course1/week3NN.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course2/GradientChecking.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course2/GradientChecking.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course2/Initialization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course2/Initialization.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course2/OptimizationMethods.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course2/OptimizationMethods.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course2/Regularization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course2/Regularization.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course2/TensorflowTutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course2/TensorflowTutorial.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course4/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course4/.DS_Store -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course4/ArtGenerationwithNeuralStyleTransfer2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course4/ArtGenerationwithNeuralStyleTransfer2.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course4/AutonomousdrivingapplicationCardetectionv3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course4/AutonomousdrivingapplicationCardetectionv3.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course4/ConvolutionmodelApplicationv1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course4/ConvolutionmodelApplicationv1.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course4/ConvolutionmodelStepbyStepv2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course4/ConvolutionmodelStepbyStepv2.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course4/FaceRecognitionfortheHappyHousev3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course4/FaceRecognitionfortheHappyHousev3.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course4/KerasTutorialHappyHousev2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course4/KerasTutorialHappyHousev2.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course4/ResidualNetworksv2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course4/ResidualNetworksv2.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/.DS_Store -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/BuildingaRecurrentNeuralNetworkStepbyStepv3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/BuildingaRecurrentNeuralNetworkStepbyStepv3.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/DinosaurusIslandCharacterlevellanguagemodelfinalv3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/DinosaurusIslandCharacterlevellanguagemodelfinalv3.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/Emojifyv2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/Emojifyv2.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/ImproviseaJazzSolowithanLSTMNetworkv3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/ImproviseaJazzSolowithanLSTMNetworkv3.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/Neuralmachinetranslationwithattentionv3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/Neuralmachinetranslationwithattentionv3.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/Operationsonwordvectorsv2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/Operationsonwordvectorsv2.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/Triggerworddetectionv1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/Triggerworddetectionv1.ipynb -------------------------------------------------------------------------------- /Base/courses/DL_AndrewNg/course5/rnn_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/DL_AndrewNg/course5/rnn_utils.py -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex1_liner/computeCost.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex1_liner/computeCost.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex1_liner/ex1.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex1_liner/ex1.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex1_liner/gradientDescent.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex1_liner/gradientDescent.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex2_logistc/costFunction.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex2_logistc/costFunction.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex2_logistc/costFunctionReg.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex2_logistc/costFunctionReg.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex2_logistc/ex2.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex2_logistc/ex2.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex2_logistc/ex2_reg.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex2_logistc/ex2_reg.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex2_logistc/plotData.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex2_logistc/plotData.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex2_logistc/predict.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex2_logistc/predict.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex2_logistc/sigmoid.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex2_logistc/sigmoid.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex3_nn/lrCostFunction.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex3_nn/lrCostFunction.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex3_nn/oneVsAll.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex3_nn/oneVsAll.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex3_nn/predict.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex3_nn/predict.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/ex3_nn/predictOneVsAll.m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/ex3_nn/predictOneVsAll.m -------------------------------------------------------------------------------- /Base/courses/coursera_ML/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/coursera_ML/readme.md -------------------------------------------------------------------------------- /Base/courses/cs231n/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/README.md -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/.gitignore: -------------------------------------------------------------------------------- 1 | *.swp 2 | *.pyc 3 | .env/* 4 | -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/.ipynb_checkpoints/features-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/.ipynb_checkpoints/features-checkpoint.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/.ipynb_checkpoints/knn-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/.ipynb_checkpoints/knn-checkpoint.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/.ipynb_checkpoints/softmax-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/.ipynb_checkpoints/softmax-checkpoint.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/.ipynb_checkpoints/svm-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/.ipynb_checkpoints/svm-checkpoint.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/.ipynb_checkpoints/two_layer_net-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/.ipynb_checkpoints/two_layer_net-checkpoint.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/README.md -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/collectSubmission.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/collectSubmission.sh -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/classifiers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/classifiers/__init__.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/classifiers/k_nearest_neighbor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/classifiers/k_nearest_neighbor.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/classifiers/linear_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/classifiers/linear_classifier.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/classifiers/linear_svm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/classifiers/linear_svm.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/classifiers/neural_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/classifiers/neural_net.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/classifiers/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/classifiers/softmax.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/data_utils.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/datasets/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/datasets/.gitignore -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/datasets/get_datasets.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/datasets/get_datasets.sh -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/features.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/gradient_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/gradient_check.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/cs231n/vis_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/cs231n/vis_utils.py -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/features.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/features.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/frameworkpython: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/frameworkpython -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/knn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/knn.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/setup_googlecloud.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/setup_googlecloud.sh -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/softmax.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/softmax.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/start_ipython_osx.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/start_ipython_osx.sh -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/svm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/svm.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/assignment1/two_layer_net.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/assignment1/two_layer_net.ipynb -------------------------------------------------------------------------------- /Base/courses/cs231n/note/inverted_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/cs231n/note/inverted_dropout.py -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/.DS_Store -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/README.md -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course1/PythonRegEx.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course1/PythonRegEx.html -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course1/jieba.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course1/jieba.html -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course1/string_operation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course1/string_operation.ipynb -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course2/Ngram.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course2/Ngram.html -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course2/bayes.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course2/bayes.html -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course2/bayesClassfierNews.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course2/bayesClassfierNews.html -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course2/bayesDetector.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course2/bayesDetector.html -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course2/stopwords_cn.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course2/stopwords_cn.txt -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course3/HillaryEmail.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course3/HillaryEmail.ipynb -------------------------------------------------------------------------------- /Base/courses/qiyuezaixian/course5/HMM_POS_TAG.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/courses/qiyuezaixian/course5/HMM_POS_TAG.html -------------------------------------------------------------------------------- /Base/frameworks/caffe/code/ssd_detection_output_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/code/ssd_detection_output_layer.py -------------------------------------------------------------------------------- /Base/frameworks/caffe/code/test_ssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/code/test_ssd.py -------------------------------------------------------------------------------- /Base/frameworks/caffe/docs/ubuntu18_anaconda3_py27_cpu_COMPILE_CAFFE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/docs/ubuntu18_anaconda3_py27_cpu_COMPILE_CAFFE.md -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/3.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/caffe_ssd_deploy.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/caffe_ssd_deploy.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/caffe_ssd_deploy2.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/caffe_ssd_deploy2.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/dog_bike_car.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/dog_bike_car.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/img/two_faces_300.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/img/two_faces_300.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/nnie_ssd_deploy.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/nnie_ssd_deploy.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/res.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/res.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/res222.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/res222.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/test_caffe_ssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/test_caffe_ssd.py -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/test_img.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/test_img.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/test_img2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/test_img2.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/test_img3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/test_img3.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/test_ssd_concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/test_ssd_concat.py -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/test_ssd_detection_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/test_ssd_detection_output.py -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/test_ssd_priorbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/test_ssd_priorbox.py -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/test_ssd_priorbox_originSSD.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/test_ssd_priorbox_originSSD.py -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/two_faces_300.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/two_faces_300.jpg -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1-concat.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1-concat.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1-detection_output.caffemodel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1-detection_output.caffemodel -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1-detection_output.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1-detection_output.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1-priorbox.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1-priorbox.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1.caffemodel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1.caffemodel -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1_my.caffemodel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1_my.caffemodel -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1_my.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1_my.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1_new.caffemodel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1_new.caffemodel -------------------------------------------------------------------------------- /Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1_new.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/project/caffe_ssd_write_layer/yufacedetectnet-open-v1_new.prototxt -------------------------------------------------------------------------------- /Base/frameworks/caffe/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/caffe/readme.md -------------------------------------------------------------------------------- /Base/frameworks/keras/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/keras/baseline/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/baseline/main.py -------------------------------------------------------------------------------- /Base/frameworks/keras/baseline/my_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/baseline/my_data.py -------------------------------------------------------------------------------- /Base/frameworks/keras/baseline/my_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/baseline/my_model.py -------------------------------------------------------------------------------- /Base/frameworks/keras/data/0_0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/data/0_0.png -------------------------------------------------------------------------------- /Base/frameworks/keras/data/2_100.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/data/2_100.png -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/Keras_GAN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/Keras_GAN.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/RNN_classify.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/RNN_classify.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/Word_Language_Modelling_LSTM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/Word_Language_Modelling_LSTM.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/cam_heatmap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/cam_heatmap.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/classify_focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/classify_focal_loss.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/clearData.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/clearData.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/data_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/data_aug.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/data_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/data_generator.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/fmeasure_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/fmeasure_metric.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/h5_customer_to_tflite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/h5_customer_to_tflite.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/h5_to_ckpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/h5_to_ckpt.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/h5_to_pb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/h5_to_pb.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/h5_to_tflite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/h5_to_tflite.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/keras_cifar10.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/keras_cifar10.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/keras_mnist.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/keras_mnist.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/keras_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/keras_net.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/layer_trainable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/layer_trainable.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/lstm_word_embedding.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/lstm_word_embedding.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/multi_output_class_weight.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/multi_output_class_weight.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/pretrain.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/show_keras_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/show_keras_data.py -------------------------------------------------------------------------------- /Base/frameworks/keras/demo/tflite_pre.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/demo/tflite_pre.py -------------------------------------------------------------------------------- /Base/frameworks/keras/keras_example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/keras_example.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/note/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/note/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/keras/note/keras_multiGPU.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/note/keras_multiGPU.md -------------------------------------------------------------------------------- /Base/frameworks/keras/project/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/project/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/keras/project/3D_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/project/3D_predict.py -------------------------------------------------------------------------------- /Base/frameworks/keras/project/Caipiao_nn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/project/Caipiao_nn.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/project/history3D.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/project/history3D.txt -------------------------------------------------------------------------------- /Base/frameworks/keras/project/plate_color.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/project/plate_color.ipynb -------------------------------------------------------------------------------- /Base/frameworks/keras/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/keras/readme.md -------------------------------------------------------------------------------- /Base/frameworks/mxnet/load_pre_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/mxnet/load_pre_demo.py -------------------------------------------------------------------------------- /Base/frameworks/pytorch/IOU_balanced.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/IOU_balanced.py -------------------------------------------------------------------------------- /Base/frameworks/pytorch/IoU_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/IoU_loss.py -------------------------------------------------------------------------------- /Base/frameworks/pytorch/demo/CEloss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/demo/CEloss.py -------------------------------------------------------------------------------- /Base/frameworks/pytorch/demo/onnx_pre.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/demo/onnx_pre.py -------------------------------------------------------------------------------- /Base/frameworks/pytorch/demo/show_pth_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/demo/show_pth_data.py -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/60分钟入门PyTorch-0.目录.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/60分钟入门PyTorch-0.目录.ipynb -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/60分钟入门PyTorch-1.PyTorch是什么?.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/60分钟入门PyTorch-1.PyTorch是什么?.ipynb -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/60分钟入门PyTorch-2.AUTOGRAD.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/60分钟入门PyTorch-2.AUTOGRAD.ipynb -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/60分钟入门PyTorch-3.神经网络.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/60分钟入门PyTorch-3.神经网络.ipynb -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/60分钟入门PyTorch-4.训练一个分类器.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/60分钟入门PyTorch-4.训练一个分类器.ipynb -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/60分钟入门PyTorch-5.数据并行.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/60分钟入门PyTorch-5.数据并行.ipynb -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/gan_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/gan_pytorch.py -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/mnist_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/mnist_demo.py -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/pytorch_example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/pytorch_example.ipynb -------------------------------------------------------------------------------- /Base/frameworks/pytorch/practice/pytorch_lstm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/practice/pytorch_lstm.ipynb -------------------------------------------------------------------------------- /Base/frameworks/pytorch/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/pytorch/readme.md -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/Learn_tf.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/Learn_tf.ipynb -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/TFLiteModelMaker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/TFLiteModelMaker/README.md -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/TFLiteModelMaker/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/TFLiteModelMaker/train.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/TensorFlowExample.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/TensorFlowExample.ipynb -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/ckpt2pb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/ckpt2pb.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/ckpt_pre.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/ckpt_pre.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/onnx_pre.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/onnx_pre.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/pb2tflite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/pb2tflite.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/pruned_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/pruned_demo.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/read_pb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/read_pb.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/tf_pb_pre.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/tf_pb_pre.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/tf_save_load.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/tf_save_load.ipynb -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/tflite_pre.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/tflite_pre.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/basic/tflite_show_middle_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/basic/tflite_show_middle_output.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/TF_logsitic.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/TF_logsitic.ipynb -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/basic_mnist_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/basic_mnist_demo.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/mnist_cnn_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/mnist_cnn_demo.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/ten_people_face_reconize/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/ten_people_face_reconize/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/ten_people_face_reconize/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/ten_people_face_reconize/main.py -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/ten_people_face_reconize/model/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/ten_people_face_reconize/model/.DS_Store -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/ten_people_face_reconize/olivettifaces.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/ten_people_face_reconize/olivettifaces.gif -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/demo/ten_people_face_reconize/result.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/demo/ten_people_face_reconize/result.png -------------------------------------------------------------------------------- /Base/frameworks/tensorflow/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/frameworks/tensorflow/readme.md -------------------------------------------------------------------------------- /Base/tools/lightgbm/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/lightgbm/readme.md -------------------------------------------------------------------------------- /Base/tools/lightgbm/simpleexample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/lightgbm/simpleexample.py -------------------------------------------------------------------------------- /Base/tools/lightgbm/sklearnexample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/lightgbm/sklearnexample.py -------------------------------------------------------------------------------- /Base/tools/scikit-learn/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/.DS_Store -------------------------------------------------------------------------------- /Base/tools/scikit-learn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/README.md -------------------------------------------------------------------------------- /Base/tools/scikit-learn/choose.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/choose.png -------------------------------------------------------------------------------- /Base/tools/scikit-learn/demo/kmeans_color.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/demo/kmeans_color.py -------------------------------------------------------------------------------- /Base/tools/scikit-learn/demo/tSNE.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/demo/tSNE.py -------------------------------------------------------------------------------- /Base/tools/scikit-learn/ex2data1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/ex2data1.txt -------------------------------------------------------------------------------- /Base/tools/scikit-learn/pearsonr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/pearsonr.ipynb -------------------------------------------------------------------------------- /Base/tools/scikit-learn/sklearn_LR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/sklearn_LR.py -------------------------------------------------------------------------------- /Base/tools/scikit-learn/useful.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/scikit-learn/useful.py -------------------------------------------------------------------------------- /Base/tools/spark/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/.DS_Store -------------------------------------------------------------------------------- /Base/tools/spark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/README.md -------------------------------------------------------------------------------- /Base/tools/spark/learnsparkLDA/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/learnsparkLDA/.DS_Store -------------------------------------------------------------------------------- /Base/tools/spark/learnsparkLDA/learn_sparkRDD.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/learnsparkLDA/learn_sparkRDD.ipynb -------------------------------------------------------------------------------- /Base/tools/spark/learnsparkLDA/spark_MLlib.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/learnsparkLDA/spark_MLlib.ipynb -------------------------------------------------------------------------------- /Base/tools/spark/learnsparkLDA/spark_pairRDD.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/learnsparkLDA/spark_pairRDD.ipynb -------------------------------------------------------------------------------- /Base/tools/spark/learnsparkLDA/spark_saveload.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/learnsparkLDA/spark_saveload.ipynb -------------------------------------------------------------------------------- /Base/tools/spark/learnsparkLDA/spark_uplevel.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/learnsparkLDA/spark_uplevel.ipynb -------------------------------------------------------------------------------- /Base/tools/spark/start.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/spark/start.py -------------------------------------------------------------------------------- /Base/tools/xgboost/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/xgboost/readme.md -------------------------------------------------------------------------------- /Base/tools/xgboost/xgboost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/xgboost/xgboost.ipynb -------------------------------------------------------------------------------- /Base/tools/xgboost/xgboost_multi.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Base/tools/xgboost/xgboost_multi.ipynb -------------------------------------------------------------------------------- /CV/codes/IOU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/IOU.py -------------------------------------------------------------------------------- /CV/codes/flickr_to_voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/flickr_to_voc.py -------------------------------------------------------------------------------- /CV/codes/label_smoothing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/label_smoothing.py -------------------------------------------------------------------------------- /CV/codes/makeVOCDirs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/makeVOCDirs.py -------------------------------------------------------------------------------- /CV/codes/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/nms.py -------------------------------------------------------------------------------- /CV/codes/pascalVOC2csv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/pascalVOC2csv.py -------------------------------------------------------------------------------- /CV/codes/show_voc_box.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/show_voc_box.py -------------------------------------------------------------------------------- /CV/codes/simple_mixup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/simple_mixup.py -------------------------------------------------------------------------------- /CV/codes/to_coco_person17.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/to_coco_person17.py -------------------------------------------------------------------------------- /CV/codes/txt2xml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/txt2xml.py -------------------------------------------------------------------------------- /CV/codes/updateTXT.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/codes/updateTXT.py -------------------------------------------------------------------------------- /CV/knowledge.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/knowledge.md -------------------------------------------------------------------------------- /CV/nets/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/.DS_Store -------------------------------------------------------------------------------- /CV/nets/alexnet/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/alexnet/.DS_Store -------------------------------------------------------------------------------- /CV/nets/alexnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/alexnet/README.md -------------------------------------------------------------------------------- /CV/nets/alexnet/alexnet.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/alexnet/alexnet.jpg -------------------------------------------------------------------------------- /CV/nets/alexnet/keras_alexnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/alexnet/keras_alexnet.py -------------------------------------------------------------------------------- /CV/nets/lenet5/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/lenet5/.DS_Store -------------------------------------------------------------------------------- /CV/nets/lenet5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/lenet5/README.md -------------------------------------------------------------------------------- /CV/nets/lenet5/keras_lenet5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/lenet5/keras_lenet5.py -------------------------------------------------------------------------------- /CV/nets/lenet5/lenet5.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/lenet5/lenet5.jpg -------------------------------------------------------------------------------- /CV/nets/vgg/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/vgg/.DS_Store -------------------------------------------------------------------------------- /CV/nets/vgg/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/vgg/README.md -------------------------------------------------------------------------------- /CV/nets/vgg/keras_vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/vgg/keras_vgg.py -------------------------------------------------------------------------------- /CV/nets/vgg/vgg.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/vgg/vgg.jpg -------------------------------------------------------------------------------- /CV/nets/vgg/vgg16.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/nets/vgg/vgg16.jpg -------------------------------------------------------------------------------- /CV/note/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/.DS_Store -------------------------------------------------------------------------------- /CV/note/DCNN_book_note.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/DCNN_book_note.md -------------------------------------------------------------------------------- /CV/note/chineseocr-ctpn-densenet.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/chineseocr-ctpn-densenet.md -------------------------------------------------------------------------------- /CV/note/cptn.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/cptn.jpg -------------------------------------------------------------------------------- /CV/note/ctc.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/ctc.jpg -------------------------------------------------------------------------------- /CV/note/denseblock.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/denseblock.jpg -------------------------------------------------------------------------------- /CV/note/densenet.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/densenet.jpg -------------------------------------------------------------------------------- /CV/note/handwrite_ocr_note.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/handwrite_ocr_note.md -------------------------------------------------------------------------------- /CV/note/nms.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/nms.jpg -------------------------------------------------------------------------------- /CV/note/vgg1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/vgg1.jpg -------------------------------------------------------------------------------- /CV/note/vgg2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/vgg2.jpg -------------------------------------------------------------------------------- /CV/note/vgg3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/vgg3.jpg -------------------------------------------------------------------------------- /CV/note/vgg4.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/CV/note/vgg4.jpg -------------------------------------------------------------------------------- /DIY/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/.DS_Store -------------------------------------------------------------------------------- /DIY/Adaboost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/Adaboost.ipynb -------------------------------------------------------------------------------- /DIY/CRF.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/CRF.ipynb -------------------------------------------------------------------------------- /DIY/DecisionTree.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/DecisionTree.ipynb -------------------------------------------------------------------------------- /DIY/EM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/EM.ipynb -------------------------------------------------------------------------------- /DIY/HMM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/HMM.ipynb -------------------------------------------------------------------------------- /DIY/IOU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/IOU.py -------------------------------------------------------------------------------- /DIY/LR.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/LR.ipynb -------------------------------------------------------------------------------- /DIY/NN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/NN.ipynb -------------------------------------------------------------------------------- /DIY/NaiveBayes.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/NaiveBayes.ipynb -------------------------------------------------------------------------------- /DIY/PCA.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/PCA.ipynb -------------------------------------------------------------------------------- /DIY/ROC_AUC.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/ROC_AUC.ipynb -------------------------------------------------------------------------------- /DIY/SVM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/SVM.ipynb -------------------------------------------------------------------------------- /DIY/Stacking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/Stacking.py -------------------------------------------------------------------------------- /DIY/ex1_py_liner.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/ex1_py_liner.ipynb -------------------------------------------------------------------------------- /DIY/ex1data1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/ex1data1.txt -------------------------------------------------------------------------------- /DIY/kMeans.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/kMeans.ipynb -------------------------------------------------------------------------------- /DIY/kNN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/kNN.ipynb -------------------------------------------------------------------------------- /DIY/lenses.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/lenses.txt -------------------------------------------------------------------------------- /DIY/perceptron.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/perceptron.ipynb -------------------------------------------------------------------------------- /DIY/tryStacking.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/tryStacking.ipynb -------------------------------------------------------------------------------- /DIY/yoloF1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DIY/yoloF1.py -------------------------------------------------------------------------------- /DM/knowledge.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DM/knowledge.md -------------------------------------------------------------------------------- /DM/note/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DM/note/.DS_Store -------------------------------------------------------------------------------- /DM/note/FeatureEngneering.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DM/note/FeatureEngneering.md -------------------------------------------------------------------------------- /DM/note/img/fe.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/DM/note/img/fe.jpg -------------------------------------------------------------------------------- /NLP/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/.DS_Store -------------------------------------------------------------------------------- /NLP/codes/re.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/codes/re.ipynb -------------------------------------------------------------------------------- /NLP/knowledge.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/knowledge.md -------------------------------------------------------------------------------- /NLP/tools/NLPIR/Start.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/NLPIR/Start.py -------------------------------------------------------------------------------- /NLP/tools/gensim/load_w2v_ch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/gensim/load_w2v_ch.py -------------------------------------------------------------------------------- /NLP/tools/gensim/process_wiki_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/gensim/process_wiki_data.py -------------------------------------------------------------------------------- /NLP/tools/gensim/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/gensim/readme.md -------------------------------------------------------------------------------- /NLP/tools/gensim/test_word2vec.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/gensim/test_word2vec.ipynb -------------------------------------------------------------------------------- /NLP/tools/gensim/train_word2vec_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/gensim/train_word2vec_model.py -------------------------------------------------------------------------------- /NLP/tools/jieba/cixing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/jieba/cixing.py -------------------------------------------------------------------------------- /NLP/tools/jieba/if-idf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/jieba/if-idf.py -------------------------------------------------------------------------------- /NLP/tools/jieba/jieba_cut.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/jieba/jieba_cut.ipynb -------------------------------------------------------------------------------- /NLP/tools/jieba/jieba_cut_ngram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/jieba/jieba_cut_ngram.py -------------------------------------------------------------------------------- /NLP/tools/jieba/read_save.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/jieba/read_save.ipynb -------------------------------------------------------------------------------- /NLP/tools/jieba/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/jieba/readme.md -------------------------------------------------------------------------------- /NLP/tools/lda/lda.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/lda/lda.ipynb -------------------------------------------------------------------------------- /NLP/tools/nltk/func/nltk_FreqDist.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/nltk/func/nltk_FreqDist.ipynb -------------------------------------------------------------------------------- /NLP/tools/nltk/func/tokenize_text_html.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/nltk/func/tokenize_text_html.ipynb -------------------------------------------------------------------------------- /NLP/tools/nltk/practice/Sentiment_analysis.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/nltk/practice/Sentiment_analysis.ipynb -------------------------------------------------------------------------------- /NLP/tools/nltk/practice/TF-IDF.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/nltk/practice/TF-IDF.ipynb -------------------------------------------------------------------------------- /NLP/tools/nltk/practice/Text_similarity.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/nltk/practice/Text_similarity.ipynb -------------------------------------------------------------------------------- /NLP/tools/nltk/practice/wordsNormalization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/nltk/practice/wordsNormalization.ipynb -------------------------------------------------------------------------------- /NLP/tools/nltk/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/nltk/readme.md -------------------------------------------------------------------------------- /NLP/tools/word2vec/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/word2vec/.DS_Store -------------------------------------------------------------------------------- /NLP/tools/word2vec/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/word2vec/readme.md -------------------------------------------------------------------------------- /NLP/tools/word2vec/word2vec_start.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/NLP/tools/word2vec/word2vec_start.ipynb -------------------------------------------------------------------------------- /Others/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Others/.DS_Store -------------------------------------------------------------------------------- /Others/infos/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/Others/infos/README.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fire717/Machine-Learning/HEAD/README.md --------------------------------------------------------------------------------