├── Algorithms-From-Scratch ├── algorithm-test-harness.py ├── backpropagation.py ├── bagging.py ├── data_banknote_authentication.csv ├── decision-tree.py ├── insurance.csv ├── ionosphere.csv ├── iris.data.csv ├── knn.py ├── learning-vector-quantization.py ├── linear-reg-SGD.py ├── logistic-reg-SGD.py ├── naive-bayes.py ├── perceptron.py ├── performance-metrics.py ├── pima-indians-diabetes.data.csv ├── random-forest.py ├── resampling.py ├── resampling.pyc ├── simple-linear-regression.py ├── sonar.all-data.csv ├── stack-generalization.py ├── wheat-seeds.csv └── winequality-white.csv ├── Deep-Learning ├── .ipynb_checkpoints │ ├── 5_step_life_cycle_neural_network_models_in_keras-checkpoint.ipynb │ ├── crash_course_in_convolutional_neural_networks_for_machine_learning-checkpoint.ipynb │ ├── crash_course_on_multilayer_perceptron_neural_networks-checkpoint.ipynb │ ├── crash_course_recurrent_neural_networks_for_deep_learning-checkpoint.ipynb │ ├── display_deep_learning_model_training_history_keras-checkpoint.ipynb │ ├── dropout_regularization_in_deep_learning_models_with_keras-checkpoint.ipynb │ ├── grid_search_hyperparameters_for_deep_learning_models_in_python_with_keras-checkpoint.ipynb │ ├── handwritten_digit_recognition_using_CNN_Python_Keras-checkpoint.ipynb │ ├── object_recognition_with_CNN_in_Keras_deep_learning_library-checkpoint.ipynb │ ├── predict_sentiment_from_movies_using_deep_learning-checkpoint.ipynb │ ├── save_and_load_keras_deep_learning_models-checkpoint.ipynb │ ├── text_generation_with_LSTM_recurrent_neural_nets_python_keras-checkpoint.ipynb │ └── understanding_stateful_LSTM_recurrent_neural_nets_python_keras-checkpoint.ipynb ├── 5-Step-Life-Cycle-for-Neural-Network-Models-in-Keras.png ├── 5_step_life_cycle_neural_network_models_in_keras.ipynb ├── Network.png ├── Neuron.png ├── README.md ├── crash_course_in_convolutional_neural_networks_for_machine_learning.ipynb ├── crash_course_on_multilayer_perceptron_neural_networks.ipynb ├── crash_course_recurrent_neural_networks_for_deep_learning.ipynb ├── display_deep_learning_model_training_history_keras.ipynb ├── dropout_regularization_in_deep_learning_models_with_keras.ipynb ├── grid_search_hyperparameters_for_deep_learning_models_in_python_with_keras.ipynb ├── handwritten_digit_recognition_using_CNN_Python_Keras.ipynb ├── model.h5 ├── model.json ├── model.yaml ├── object_recognition_with_CNN_in_Keras_deep_learning_library.ipynb ├── pima-indians-diabetes.csv ├── predict_sentiment_from_movies_using_deep_learning.ipynb ├── save_and_load_keras_deep_learning_models.ipynb ├── sonar.csv ├── text_generation_with_LSTM_recurrent_neural_nets_python_keras.ipynb ├── understanding_stateful_LSTM_recurrent_neural_nets_python_keras.ipynb ├── weights-improvement-20-2.0518.hdf5 └── wonderland.txt ├── Linear-Algebra ├── .ipynb_checkpoints │ ├── 10_Examples_of_Linear_Algebra_in_ML-checkpoint.ipynb │ ├── A_Gentle_Introduction_to_Expected_Value_Variance_Covariance_with_NumPy-checkpoint.ipynb │ ├── A_Gentle_Introduction_to_Matrix_Operations_for_ML-checkpoint.ipynb │ ├── A_Gentle_Introduction_to_N-Dimensional_Arrays_in_Python_with_NumPy-checkpoint.ipynb │ ├── A_Gentle_Introduction_to_SVD_for_ML-checkpoint.ipynb │ ├── A_Gentle_Introduction_to_Tensors_for_ML_with_Numpy-checkpoint.ipynb │ ├── Basic_of_Mathematical_Notation_for_ML-checkpoint.ipynb │ ├── Broadcasting_with_Numpy_Arrays-checkpoint.ipynb │ ├── Calculate_PCA_from_Scratch_in_Python-checkpoint.ipynb │ ├── Gentle_Introduction_to_Vector_Norms_in_ML-checkpoint.ipynb │ ├── Gentle_Introduction_to_Vectors_for_ML-checkpoint.ipynb │ ├── Index_Slice_Reshape_NumPy_Arrays_for_ML_in_Python-checkpoint.ipynb │ ├── Introduction_to_Eigendecomposition_Eigenvalues_Eigenvectors-checkpoint.ipynb │ ├── Introduction_to_Matrices_and_Matrix_Arithmetic_for_ML-checkpoint.ipynb │ ├── Introduction_to_Matrix_Factorization-checkpoint.ipynb │ ├── Introduction_to_Matrix_Types_in_Linear_Algebra_for_ML-checkpoint.ipynb │ ├── Linear_Algebra_Cheat_Sheet-checkpoint.ipynb │ ├── Solve_Linear_Regression_using_Linear_Algebra-checkpoint.ipynb │ └── Sparse_Matrices_for_Machine_Learning-checkpoint.ipynb ├── 10_Examples_of_Linear_Algebra_in_ML.ipynb ├── A_Gentle_Introduction_to_Expected_Value_Variance_Covariance_with_NumPy.ipynb ├── A_Gentle_Introduction_to_Matrix_Operations_for_ML.ipynb ├── A_Gentle_Introduction_to_N-Dimensional_Arrays_in_Python_with_NumPy.ipynb ├── A_Gentle_Introduction_to_SVD_for_ML.ipynb ├── A_Gentle_Introduction_to_Tensors_for_ML_with_Numpy.ipynb ├── Basic_of_Mathematical_Notation_for_ML.ipynb ├── Broadcasting_with_Numpy_Arrays.ipynb ├── Calculate_PCA_from_Scratch_in_Python.ipynb ├── Gentle_Introduction_to_Vector_Norms_in_ML.ipynb ├── Gentle_Introduction_to_Vectors_for_ML.ipynb ├── Greek-Alphabet.png ├── Index_Slice_Reshape_NumPy_Arrays_for_ML_in_Python.ipynb ├── Introduction_to_Eigendecomposition_Eigenvalues_Eigenvectors.ipynb ├── Introduction_to_Matrices_and_Matrix_Arithmetic_for_ML.ipynb ├── Introduction_to_Matrix_Factorization.ipynb ├── Introduction_to_Matrix_Types_in_Linear_Algebra_for_ML.ipynb ├── Linear_Algebra_Cheat_Sheet.ipynb ├── README.md ├── Solve_Linear_Regression_using_Linear_Algebra.ipynb └── Sparse_Matrices_for_Machine_Learning.ipynb ├── Long-Short-Term-Memory ├── .ipynb_checkpoints │ ├── Use_TimeDistributed_Layer_for_LSTM_networks_in_Python-checkpoint.ipynb │ ├── a_gentle_introduction_to_backpropagation_through_time-checkpoint.ipynb │ ├── attention_in_LSTM_Recurrent_Neural_Nets-checkpoint.ipynb │ ├── cnn_LSTM_networks-checkpoint.ipynb │ ├── demo_of_memory_with_LSTM_in_Python-checkpoint.ipynb │ ├── diagnose_overfitting_and_underfitting_of_LSTM_models-checkpoint.ipynb │ ├── encoder_decoder_LSTM_networks-checkpoint.ipynb │ ├── handle_missing_timesteps_in_sequence_prediction_problems_with_Python-checkpoint.ipynb │ ├── intro_to_generative_LSTM_networks-checkpoint.ipynb │ ├── make_predictions_with_LSTM_models_keras-checkpoint.ipynb │ ├── multi_time_series_forecasting_with_LSTM_networks_in_Python-checkpoint.ipynb │ ├── multivariate_time_series_forecasting_with_LSTM_in_Keras-checkpoint.ipynb │ ├── one-hot-encode-sequence-data-in-python-checkpoint.ipynb │ ├── prepare_sequence_prediction_for_truncated_backpropagation_through_time_in_keras-checkpoint.ipynb │ ├── remove_trends_and_seasonality_with_a_difference_transform_in_python-checkpoint.ipynb │ ├── reshape_input_data_LSTM_in_Keras-checkpoint.ipynb │ ├── scale_data_for_LSTM_in_Python-checkpoint.ipynb │ ├── stacked_LSTM_networks-checkpoint.ipynb │ ├── suitability_of_LSTM_for_Time_Series_Forecasting-checkpoint.ipynb │ ├── time_series_forecasting_with_LSTM_network_in_Python-checkpoint.ipynb │ └── use_an_encoder_decoder_LSTM_to_echo_sequences_of_random_integers-checkpoint.ipynb ├── Attentional-Interpretation-of-French-to-English-Translation.png ├── Attentional-Interpretation-of-Output-Phoneme-Location-to-Input-Frames-of-Audio.png ├── Attentional-Interpretation-of-Output-Words-to-Specific-Regions-on-the-Input-Images.png ├── Attentional-Interpretation-of-Premise-Words-to-Hypothesis-Words.png ├── Attentional-Interpretation-of-Words-in-the-Input-Document-to-the-Output-Summary.png ├── Convolutional-Neural-Network-Long-Short-Term-Memory-Network-Archiecture.png ├── Encoder-Decoder-LSTM-Model-Architecture.png ├── Example-of-LSTMs-used-in-Automatic-Handwriting-Generation.png ├── Plot-of-the-Mackey-Glass-Series-Taken-from-Schoarpedia.png ├── README.md ├── Use_TimeDistributed_Layer_for_LSTM_networks_in_Python.ipynb ├── Vanilla-LSTM-Architecture-for-Generative-Models.png ├── a_gentle_introduction_to_backpropagation_through_time.ipynb ├── architecture_stacked_lstm.png ├── attention_in_LSTM_Recurrent_Neural_Nets.ipynb ├── cnn_LSTM_networks.ipynb ├── demo_of_memory_with_LSTM_in_Python.ipynb ├── diagnose_overfitting_and_underfitting_of_LSTM_models.ipynb ├── encoder_decoder_LSTM_networks.ipynb ├── handle_missing_timesteps_in_sequence_prediction_problems_with_Python.ipynb ├── intro_to_generative_LSTM_networks.ipynb ├── make_predictions_with_LSTM_models_keras.ipynb ├── multi_time_series_forecasting_with_LSTM_networks_in_Python.ipynb ├── multivariate_time_series_forecasting_with_LSTM_in_Keras.ipynb ├── one-hot-encode-sequence-data-in-python.ipynb ├── pollution.csv ├── prepare_sequence_prediction_for_truncated_backpropagation_through_time_in_keras.ipynb ├── raw.csv ├── remove_trends_and_seasonality_with_a_difference_transform_in_python.ipynb ├── reshape_input_data_LSTM_in_Keras.ipynb ├── scale_data_for_LSTM_in_Python.ipynb ├── shampoo-sales.csv ├── stacked_LSTM_networks.ipynb ├── suitability_of_LSTM_for_Time_Series_Forecasting.ipynb ├── time_series_forecasting_with_LSTM_network_in_Python.ipynb └── use_an_encoder_decoder_LSTM_to_echo_sequences_of_random_integers.ipynb ├── Machine-Learning-Python ├── .ipynb_checkpoints │ ├── automate_ml_workflows_with_pipelines_in_Python_and_scikit_learn-checkpoint.ipynb │ ├── compare_ml_algorithms_in_python_scikit_learn-checkpoint.ipynb │ ├── ensemble_ml_algorithms_in_Python_with_scikit_learn-checkpoint.ipynb │ ├── evaluate_performance_ml_algoritms_python_resampling-checkpoint.ipynb │ ├── feature_selection_ml_python-checkpoint.ipynb │ ├── how_to_generate_test_datasets_in_Python_with_scikit_learn-checkpoint.ipynb │ ├── how_to_handle_missing_data_with_Python-checkpoint.ipynb │ ├── how_to_make_predictions_with_scikit_learn-checkpoint.ipynb │ ├── how_to_tune_algorithm_parameters_with_scikit_learn-checkpoint.ipynb │ ├── load_data_in_Python_with_scikit_learn-checkpoint.ipynb │ ├── load_ml_data_python-checkpoint.ipynb │ ├── machine_learning-algorithm-recipes-in-scikit-learn-checkpoint.ipynb │ ├── metrics_to_evaluate_ml_algorithms_python-checkpoint.ipynb │ ├── prepare_data_for_ml_in_python_scikit_learn-checkpoint.ipynb │ ├── quick_and_dirty_data_analysis_with_Pandas-checkpoint.ipynb │ ├── rescaling_data_for_ML_in_Python_with_scikit_learn-checkpoint.ipynb │ ├── spot_check_classification_ml_algorithms_python_scikit_learn-checkpoint.ipynb │ ├── spot_check_regression_ml_algorithms_in_python_scikit_learn-checkpoint.ipynb │ ├── understand_ml_data_descriptive_statistics_python-checkpoint.ipynb │ └── visual_ml_data_in_python_with_pandas-checkpoint.ipynb ├── README.md ├── automate_ml_workflows_with_pipelines_in_Python_and_scikit_learn.ipynb ├── compare_ml_algorithms_in_python_scikit_learn.ipynb ├── ensemble_ml_algorithms_in_Python_with_scikit_learn.ipynb ├── evaluate_performance_ml_algoritms_python_resampling.ipynb ├── feature_selection_ml_python.ipynb ├── how_to_generate_test_datasets_in_Python_with_scikit_learn.ipynb ├── how_to_handle_missing_data_with_Python.ipynb ├── how_to_make_predictions_with_scikit_learn.ipynb ├── how_to_tune_algorithm_parameters_with_scikit_learn.ipynb ├── load_data_in_Python_with_scikit_learn.ipynb ├── load_ml_data_python.ipynb ├── machine_learning-algorithm-recipes-in-scikit-learn.ipynb ├── metrics_to_evaluate_ml_algorithms_python.ipynb ├── pima-indians-diabetes.data.csv ├── prepare_data_for_ml_in_python_scikit_learn.ipynb ├── quick_and_dirty_data_analysis_with_Pandas.ipynb ├── rescaling_data_for_ML_in_Python_with_scikit_learn.ipynb ├── spot_check_classification_ml_algorithms_python_scikit_learn.ipynb ├── spot_check_regression_ml_algorithms_in_python_scikit_learn.ipynb ├── understand_ml_data_descriptive_statistics_python.ipynb └── visual_ml_data_in_python_with_pandas.ipynb ├── Machine-Learning-R ├── .RData ├── .Rhistory ├── README.md ├── build_an_ensemble_of_ml_algorithms_in_R.Rmd ├── compare_models_and_select_the_best_using_the_Caret_R_package.Rmd ├── compare_performance_ml_algorithms_in_R.Rmd ├── convex_optimization_in_R.Rmd ├── data_visualization_with_the_Caret_R_package.Rmd ├── evaluate_ml_algorithms_with_R.Rmd ├── feature_selection_with_caret_r_package.Rmd ├── final_model.rds ├── get_data_ready_for_ml_in_R_pre_processing.Rmd ├── how_to_estimate_model_accuracy_in_R_using_Caret_package.Rmd ├── linear_classification_in_R.Rmd ├── linear_regression_in_R.Rmd ├── load_ml_data_into_r.Rmd ├── ml_evaluation_metrics.Rmd ├── ml_project_template_in_R.Rmd ├── non_linear_classification_in_R.Rmd ├── non_linear_classification_in_R_with_decision_trees.Rmd ├── non_linear_regression_in_R.Rmd ├── non_linear_regression_in_R_with_decision_trees.Rmd ├── penalized_regression_in_R.Rmd ├── save_and_finalize_ml_model_in_R.Rmd ├── spot_check_ml_algorithms_in_R.Rmd ├── tune_ml_algorithms_in_R.Rmd ├── tuning_ml_models_using_the_Caret_R_package.Rmd ├── understand_data_in_R_descriptive_statistics.Rmd └── understand_data_in_R_visualization.Rmd ├── Natural-Language-Processing ├── .ipynb_checkpoints │ ├── develop_a_deep_learning_bag_of_words_model_for_predicting_movie_review_sentiment-checkpoint.ipynb │ ├── develop_word_embeddings_in_python_with_gensim-checkpoint.ipynb │ ├── how_to_use_word_embedding_layers_for_deep_learning_with_keras-checkpoint.ipynb │ ├── introduction_to_bag_of_words_model-checkpoint.ipynb │ ├── prepare_text_data_for_machine_learning_with_scikit_learn-checkpoint.ipynb │ └── word_embeddings_for_text-checkpoint.ipynb ├── README.md ├── Word2Vec-Training-Models.png ├── develop_a_deep_learning_bag_of_words_model_for_predicting_movie_review_sentiment.ipynb ├── develop_word_embeddings_in_python_with_gensim.ipynb ├── how_to_use_word_embedding_layers_for_deep_learning_with_keras.ipynb ├── introduction_to_bag_of_words_model.ipynb ├── model.bin ├── prepare_text_data_for_machine_learning_with_scikit_learn.ipynb ├── txt_sentoken │ ├── neg │ │ ├── cv000_29416.txt │ │ ├── cv001_19502.txt │ │ ├── cv002_17424.txt │ │ ├── cv003_12683.txt │ │ ├── cv004_12641.txt │ │ ├── cv005_29357.txt │ │ ├── cv006_17022.txt │ │ ├── cv007_4992.txt │ │ ├── cv008_29326.txt │ │ ├── cv009_29417.txt │ │ ├── cv010_29063.txt │ │ ├── cv011_13044.txt │ │ ├── cv012_29411.txt │ │ ├── cv013_10494.txt │ │ ├── cv014_15600.txt │ │ ├── cv015_29356.txt │ │ ├── cv016_4348.txt │ │ ├── cv017_23487.txt │ │ ├── cv018_21672.txt │ │ ├── cv019_16117.txt │ │ ├── cv020_9234.txt │ │ ├── cv021_17313.txt │ │ ├── cv022_14227.txt │ │ ├── cv023_13847.txt │ │ ├── cv024_7033.txt │ │ ├── cv025_29825.txt │ │ ├── cv026_29229.txt │ │ ├── cv027_26270.txt │ │ ├── cv028_26964.txt │ │ ├── cv029_19943.txt │ │ ├── cv030_22893.txt │ │ ├── cv031_19540.txt │ │ ├── cv032_23718.txt │ │ ├── cv033_25680.txt │ │ ├── cv034_29446.txt │ │ ├── cv035_3343.txt │ │ ├── cv036_18385.txt │ │ ├── cv037_19798.txt │ │ ├── cv038_9781.txt │ │ ├── cv039_5963.txt │ │ ├── cv040_8829.txt │ │ ├── cv041_22364.txt │ │ ├── cv042_11927.txt │ │ ├── cv043_16808.txt │ │ ├── cv044_18429.txt │ │ ├── cv045_25077.txt │ │ ├── cv046_10613.txt │ │ ├── cv047_18725.txt │ │ ├── cv048_18380.txt │ │ ├── cv049_21917.txt │ │ ├── cv050_12128.txt │ │ ├── cv051_10751.txt │ │ ├── cv052_29318.txt │ │ ├── cv053_23117.txt │ │ ├── cv054_4101.txt │ │ ├── cv055_8926.txt │ │ ├── cv056_14663.txt │ │ ├── cv057_7962.txt │ │ ├── cv058_8469.txt │ │ ├── cv059_28723.txt │ │ ├── cv060_11754.txt │ │ ├── cv061_9321.txt │ │ ├── cv062_24556.txt │ │ ├── cv063_28852.txt │ │ ├── cv064_25842.txt │ │ ├── cv065_16909.txt │ │ ├── cv066_11668.txt │ │ ├── cv067_21192.txt │ │ ├── cv068_14810.txt │ │ ├── cv069_11613.txt │ │ ├── cv070_13249.txt │ │ ├── cv071_12969.txt │ │ ├── cv072_5928.txt │ │ ├── cv073_23039.txt │ │ ├── cv074_7188.txt │ │ ├── cv075_6250.txt │ │ ├── cv076_26009.txt │ │ ├── cv077_23172.txt │ │ ├── cv078_16506.txt │ │ ├── cv079_12766.txt │ │ ├── cv080_14899.txt │ │ ├── cv081_18241.txt │ │ ├── cv082_11979.txt │ │ ├── cv083_25491.txt │ │ ├── cv084_15183.txt │ │ ├── cv085_15286.txt │ │ ├── cv086_19488.txt │ │ ├── cv087_2145.txt │ │ ├── cv088_25274.txt │ │ ├── cv089_12222.txt │ │ ├── cv090_0049.txt │ │ ├── cv091_7899.txt │ │ ├── cv092_27987.txt │ │ ├── cv093_15606.txt │ │ ├── cv094_27868.txt │ │ ├── cv095_28730.txt │ │ ├── cv096_12262.txt │ │ ├── cv097_26081.txt │ │ ├── cv098_17021.txt │ │ ├── cv099_11189.txt │ │ ├── cv100_12406.txt │ │ ├── cv101_10537.txt │ │ ├── cv102_8306.txt │ │ ├── cv103_11943.txt │ │ ├── cv104_19176.txt │ │ ├── cv105_19135.txt │ │ ├── cv106_18379.txt │ │ ├── cv107_25639.txt │ │ ├── cv108_17064.txt │ │ ├── cv109_22599.txt │ │ ├── cv110_27832.txt │ │ ├── cv111_12253.txt │ │ ├── cv112_12178.txt │ │ ├── cv113_24354.txt │ │ ├── cv114_19501.txt │ │ ├── cv115_26443.txt │ │ ├── cv116_28734.txt │ │ ├── cv117_25625.txt │ │ ├── cv118_28837.txt │ │ ├── cv119_9909.txt │ │ ├── cv120_3793.txt │ │ ├── cv121_18621.txt │ │ ├── cv122_7891.txt │ │ ├── cv123_12165.txt │ │ ├── cv124_3903.txt │ │ ├── cv125_9636.txt │ │ ├── cv126_28821.txt │ │ ├── cv127_16451.txt │ │ ├── cv128_29444.txt │ │ ├── cv129_18373.txt │ │ ├── cv130_18521.txt │ │ ├── cv131_11568.txt │ │ ├── cv132_5423.txt │ │ ├── cv133_18065.txt │ │ ├── cv134_23300.txt │ │ ├── cv135_12506.txt │ │ ├── cv136_12384.txt │ │ ├── cv137_17020.txt │ │ ├── cv138_13903.txt │ │ ├── cv139_14236.txt │ │ ├── cv140_7963.txt │ │ ├── cv141_17179.txt │ │ ├── cv142_23657.txt │ │ ├── cv143_21158.txt │ │ ├── cv144_5010.txt │ │ ├── cv145_12239.txt │ │ ├── cv146_19587.txt │ │ ├── cv147_22625.txt │ │ ├── cv148_18084.txt │ │ ├── cv149_17084.txt │ │ ├── cv150_14279.txt │ │ ├── cv151_17231.txt │ │ ├── cv152_9052.txt │ │ ├── cv153_11607.txt │ │ ├── cv154_9562.txt │ │ ├── cv155_7845.txt │ │ ├── cv156_11119.txt │ │ ├── cv157_29302.txt │ │ ├── cv158_10914.txt │ │ ├── cv159_29374.txt │ │ ├── cv160_10848.txt │ │ ├── cv161_12224.txt │ │ ├── cv162_10977.txt │ │ ├── cv163_10110.txt │ │ ├── cv164_23451.txt │ │ ├── cv165_2389.txt │ │ ├── cv166_11959.txt │ │ ├── cv167_18094.txt │ │ ├── cv168_7435.txt │ │ ├── cv169_24973.txt │ │ ├── cv170_29808.txt │ │ ├── cv171_15164.txt │ │ ├── cv172_12037.txt │ │ ├── cv173_4295.txt │ │ ├── cv174_9735.txt │ │ ├── cv175_7375.txt │ │ ├── cv176_14196.txt │ │ ├── cv177_10904.txt │ │ ├── cv178_14380.txt │ │ ├── cv179_9533.txt │ │ ├── cv180_17823.txt │ │ ├── cv181_16083.txt │ │ ├── cv182_7791.txt │ │ ├── cv183_19826.txt │ │ ├── cv184_26935.txt │ │ ├── cv185_28372.txt │ │ ├── cv186_2396.txt │ │ ├── cv187_14112.txt │ │ ├── cv188_20687.txt │ │ ├── cv189_24248.txt │ │ ├── cv190_27176.txt │ │ ├── cv191_29539.txt │ │ ├── cv192_16079.txt │ │ ├── cv193_5393.txt │ │ ├── cv194_12855.txt │ │ ├── cv195_16146.txt │ │ ├── cv196_28898.txt │ │ ├── cv197_29271.txt │ │ ├── cv198_19313.txt │ │ ├── cv199_9721.txt │ │ ├── cv200_29006.txt │ │ ├── cv201_7421.txt │ │ ├── cv202_11382.txt │ │ ├── cv203_19052.txt │ │ ├── cv204_8930.txt │ │ ├── cv205_9676.txt │ │ ├── cv206_15893.txt │ │ ├── cv207_29141.txt │ │ ├── cv208_9475.txt │ │ ├── cv209_28973.txt │ │ ├── cv210_9557.txt │ │ ├── cv211_9955.txt │ │ ├── cv212_10054.txt │ │ ├── cv213_20300.txt │ │ ├── cv214_13285.txt │ │ ├── cv215_23246.txt │ │ ├── cv216_20165.txt │ │ ├── cv217_28707.txt │ │ ├── cv218_25651.txt │ │ ├── cv219_19874.txt │ │ ├── cv220_28906.txt │ │ ├── cv221_27081.txt │ │ ├── cv222_18720.txt │ │ ├── cv223_28923.txt │ │ ├── cv224_18875.txt │ │ ├── cv225_29083.txt │ │ ├── cv226_26692.txt │ │ ├── cv227_25406.txt │ │ ├── cv228_5644.txt │ │ ├── cv229_15200.txt │ │ ├── cv230_7913.txt │ │ ├── cv231_11028.txt │ │ ├── cv232_16768.txt │ │ ├── cv233_17614.txt │ │ ├── cv234_22123.txt │ │ ├── cv235_10704.txt │ │ ├── cv236_12427.txt │ │ ├── cv237_20635.txt │ │ ├── cv238_14285.txt │ │ ├── cv239_29828.txt │ │ ├── cv240_15948.txt │ │ ├── cv241_24602.txt │ │ ├── cv242_11354.txt │ │ ├── cv243_22164.txt │ │ ├── cv244_22935.txt │ │ ├── cv245_8938.txt │ │ ├── cv246_28668.txt │ │ ├── cv247_14668.txt │ │ ├── cv248_15672.txt │ │ ├── cv249_12674.txt │ │ ├── cv250_26462.txt │ │ ├── cv251_23901.txt │ │ ├── cv252_24974.txt │ │ ├── cv253_10190.txt │ │ ├── cv254_5870.txt │ │ ├── cv255_15267.txt │ │ ├── cv256_16529.txt │ │ ├── cv257_11856.txt │ │ ├── cv258_5627.txt │ │ ├── cv259_11827.txt │ │ ├── cv260_15652.txt │ │ ├── cv261_11855.txt │ │ ├── cv262_13812.txt │ │ ├── cv263_20693.txt │ │ ├── cv264_14108.txt │ │ ├── cv265_11625.txt │ │ ├── cv266_26644.txt │ │ ├── cv267_16618.txt │ │ ├── cv268_20288.txt │ │ ├── cv269_23018.txt │ │ ├── cv270_5873.txt │ │ ├── cv271_15364.txt │ │ ├── cv272_20313.txt │ │ ├── cv273_28961.txt │ │ ├── cv274_26379.txt │ │ ├── cv275_28725.txt │ │ ├── cv276_17126.txt │ │ ├── cv277_20467.txt │ │ ├── cv278_14533.txt │ │ ├── cv279_19452.txt │ │ ├── cv280_8651.txt │ │ ├── cv281_24711.txt │ │ ├── cv282_6833.txt │ │ ├── cv283_11963.txt │ │ ├── cv284_20530.txt │ │ ├── cv285_18186.txt │ │ ├── cv286_26156.txt │ │ ├── cv287_17410.txt │ │ ├── cv288_20212.txt │ │ ├── cv289_6239.txt │ │ ├── cv290_11981.txt │ │ ├── cv291_26844.txt │ │ ├── cv292_7804.txt │ │ ├── cv293_29731.txt │ │ ├── cv294_12695.txt │ │ ├── cv295_17060.txt │ │ ├── cv296_13146.txt │ │ ├── cv297_10104.txt │ │ ├── cv298_24487.txt │ │ ├── cv299_17950.txt │ │ ├── cv300_23302.txt │ │ ├── cv301_13010.txt │ │ ├── cv302_26481.txt │ │ ├── cv303_27366.txt │ │ ├── cv304_28489.txt │ │ ├── cv305_9937.txt │ │ ├── cv306_10859.txt │ │ ├── cv307_26382.txt │ │ ├── cv308_5079.txt │ │ ├── cv309_23737.txt │ │ ├── cv310_14568.txt │ │ ├── cv311_17708.txt │ │ ├── cv312_29308.txt │ │ ├── cv313_19337.txt │ │ ├── cv314_16095.txt │ │ ├── cv315_12638.txt │ │ ├── cv316_5972.txt │ │ ├── cv317_25111.txt │ │ ├── cv318_11146.txt │ │ ├── cv319_16459.txt │ │ ├── cv320_9693.txt │ │ ├── cv321_14191.txt │ │ ├── cv322_21820.txt │ │ ├── cv323_29633.txt │ │ ├── cv324_7502.txt │ │ ├── cv325_18330.txt │ │ ├── cv326_14777.txt │ │ ├── cv327_21743.txt │ │ ├── cv328_10908.txt │ │ ├── cv329_29293.txt │ │ ├── cv330_29675.txt │ │ ├── cv331_8656.txt │ │ ├── cv332_17997.txt │ │ ├── cv333_9443.txt │ │ ├── cv334_0074.txt │ │ ├── cv335_16299.txt │ │ ├── cv336_10363.txt │ │ ├── cv337_29061.txt │ │ ├── cv338_9183.txt │ │ ├── cv339_22452.txt │ │ ├── cv340_14776.txt │ │ ├── cv341_25667.txt │ │ ├── cv342_20917.txt │ │ ├── cv343_10906.txt │ │ ├── cv344_5376.txt │ │ ├── cv345_9966.txt │ │ ├── cv346_19198.txt │ │ ├── cv347_14722.txt │ │ ├── cv348_19207.txt │ │ ├── cv349_15032.txt │ │ ├── cv350_22139.txt │ │ ├── cv351_17029.txt │ │ ├── cv352_5414.txt │ │ ├── cv353_19197.txt │ │ ├── cv354_8573.txt │ │ ├── cv355_18174.txt │ │ ├── cv356_26170.txt │ │ ├── cv357_14710.txt │ │ ├── cv358_11557.txt │ │ ├── cv359_6751.txt │ │ ├── cv360_8927.txt │ │ ├── cv361_28738.txt │ │ ├── cv362_16985.txt │ │ ├── cv363_29273.txt │ │ ├── cv364_14254.txt │ │ ├── cv365_12442.txt │ │ ├── cv366_10709.txt │ │ ├── cv367_24065.txt │ │ ├── cv368_11090.txt │ │ ├── cv369_14245.txt │ │ ├── cv370_5338.txt │ │ ├── cv371_8197.txt │ │ ├── cv372_6654.txt │ │ ├── cv373_21872.txt │ │ ├── cv374_26455.txt │ │ ├── cv375_9932.txt │ │ ├── cv376_20883.txt │ │ ├── cv377_8440.txt │ │ ├── cv378_21982.txt │ │ ├── cv379_23167.txt │ │ ├── cv380_8164.txt │ │ ├── cv381_21673.txt │ │ ├── cv382_8393.txt │ │ ├── cv383_14662.txt │ │ ├── cv384_18536.txt │ │ ├── cv385_29621.txt │ │ ├── cv386_10229.txt │ │ ├── cv387_12391.txt │ │ ├── cv388_12810.txt │ │ ├── cv389_9611.txt │ │ ├── cv390_12187.txt │ │ ├── cv391_11615.txt │ │ ├── cv392_12238.txt │ │ ├── cv393_29234.txt │ │ ├── cv394_5311.txt │ │ ├── cv395_11761.txt │ │ ├── cv396_19127.txt │ │ ├── cv397_28890.txt │ │ ├── cv398_17047.txt │ │ ├── cv399_28593.txt │ │ ├── cv400_20631.txt │ │ ├── cv401_13758.txt │ │ ├── cv402_16097.txt │ │ ├── cv403_6721.txt │ │ ├── cv404_21805.txt │ │ ├── cv405_21868.txt │ │ ├── cv406_22199.txt │ │ ├── cv407_23928.txt │ │ ├── cv408_5367.txt │ │ ├── cv409_29625.txt │ │ ├── cv410_25624.txt │ │ ├── cv411_16799.txt │ │ ├── cv412_25254.txt │ │ ├── cv413_7893.txt │ │ ├── cv414_11161.txt │ │ ├── cv415_23674.txt │ │ ├── cv416_12048.txt │ │ ├── cv417_14653.txt │ │ ├── cv418_16562.txt │ │ ├── cv419_14799.txt │ │ ├── cv420_28631.txt │ │ ├── cv421_9752.txt │ │ ├── cv422_9632.txt │ │ ├── cv423_12089.txt │ │ ├── cv424_9268.txt │ │ ├── cv425_8603.txt │ │ ├── cv426_10976.txt │ │ ├── cv427_11693.txt │ │ ├── cv428_12202.txt │ │ ├── cv429_7937.txt │ │ ├── cv430_18662.txt │ │ ├── cv431_7538.txt │ │ ├── cv432_15873.txt │ │ ├── cv433_10443.txt │ │ ├── cv434_5641.txt │ │ ├── cv435_24355.txt │ │ ├── cv436_20564.txt │ │ ├── cv437_24070.txt │ │ ├── cv438_8500.txt │ │ ├── cv439_17633.txt │ │ ├── cv440_16891.txt │ │ ├── cv441_15276.txt │ │ ├── cv442_15499.txt │ │ ├── cv443_22367.txt │ │ ├── cv444_9975.txt │ │ ├── cv445_26683.txt │ │ ├── cv446_12209.txt │ │ ├── cv447_27334.txt │ │ ├── cv448_16409.txt │ │ ├── cv449_9126.txt │ │ ├── cv450_8319.txt │ │ ├── cv451_11502.txt │ │ ├── cv452_5179.txt │ │ ├── cv453_10911.txt │ │ ├── cv454_21961.txt │ │ ├── cv455_28866.txt │ │ ├── cv456_20370.txt │ │ ├── cv457_19546.txt │ │ ├── cv458_9000.txt │ │ ├── cv459_21834.txt │ │ ├── cv460_11723.txt │ │ ├── cv461_21124.txt │ │ ├── cv462_20788.txt │ │ ├── cv463_10846.txt │ │ ├── cv464_17076.txt │ │ ├── cv465_23401.txt │ │ ├── cv466_20092.txt │ │ ├── cv467_26610.txt │ │ ├── cv468_16844.txt │ │ ├── cv469_21998.txt │ │ ├── cv470_17444.txt │ │ ├── cv471_18405.txt │ │ ├── cv472_29140.txt │ │ ├── cv473_7869.txt │ │ ├── cv474_10682.txt │ │ ├── cv475_22978.txt │ │ ├── cv476_18402.txt │ │ ├── cv477_23530.txt │ │ ├── cv478_15921.txt │ │ ├── cv479_5450.txt │ │ ├── cv480_21195.txt │ │ ├── cv481_7930.txt │ │ ├── cv482_11233.txt │ │ ├── cv483_18103.txt │ │ ├── cv484_26169.txt │ │ ├── cv485_26879.txt │ │ ├── cv486_9788.txt │ │ ├── cv487_11058.txt │ │ ├── cv488_21453.txt │ │ ├── cv489_19046.txt │ │ ├── cv490_18986.txt │ │ ├── cv491_12992.txt │ │ ├── cv492_19370.txt │ │ ├── cv493_14135.txt │ │ ├── cv494_18689.txt │ │ ├── cv495_16121.txt │ │ ├── cv496_11185.txt │ │ ├── cv497_27086.txt │ │ ├── cv498_9288.txt │ │ ├── cv499_11407.txt │ │ ├── cv500_10722.txt │ │ ├── cv501_12675.txt │ │ ├── cv502_10970.txt │ │ ├── cv503_11196.txt │ │ ├── cv504_29120.txt │ │ ├── cv505_12926.txt │ │ ├── cv506_17521.txt │ │ ├── cv507_9509.txt │ │ ├── cv508_17742.txt │ │ ├── cv509_17354.txt │ │ ├── cv510_24758.txt │ │ ├── cv511_10360.txt │ │ ├── cv512_17618.txt │ │ ├── cv513_7236.txt │ │ ├── cv514_12173.txt │ │ ├── cv515_18484.txt │ │ ├── cv516_12117.txt │ │ ├── cv517_20616.txt │ │ ├── cv518_14798.txt │ │ ├── cv519_16239.txt │ │ ├── cv520_13297.txt │ │ ├── cv521_1730.txt │ │ ├── cv522_5418.txt │ │ ├── cv523_18285.txt │ │ ├── cv524_24885.txt │ │ ├── cv525_17930.txt │ │ ├── cv526_12868.txt │ │ ├── cv527_10338.txt │ │ ├── cv528_11669.txt │ │ ├── cv529_10972.txt │ │ ├── cv530_17949.txt │ │ ├── cv531_26838.txt │ │ ├── cv532_6495.txt │ │ ├── cv533_9843.txt │ │ ├── cv534_15683.txt │ │ ├── cv535_21183.txt │ │ ├── cv536_27221.txt │ │ ├── cv537_13516.txt │ │ ├── cv538_28485.txt │ │ ├── cv539_21865.txt │ │ ├── cv540_3092.txt │ │ ├── cv541_28683.txt │ │ ├── cv542_20359.txt │ │ ├── cv543_5107.txt │ │ ├── cv544_5301.txt │ │ ├── cv545_12848.txt │ │ ├── cv546_12723.txt │ │ ├── cv547_18043.txt │ │ ├── cv548_18944.txt │ │ ├── cv549_22771.txt │ │ ├── cv550_23226.txt │ │ ├── cv551_11214.txt │ │ ├── cv552_0150.txt │ │ ├── cv553_26965.txt │ │ ├── cv554_14678.txt │ │ ├── cv555_25047.txt │ │ ├── cv556_16563.txt │ │ ├── cv557_12237.txt │ │ ├── cv558_29376.txt │ │ ├── cv559_0057.txt │ │ ├── cv560_18608.txt │ │ ├── cv561_9484.txt │ │ ├── cv562_10847.txt │ │ ├── cv563_18610.txt │ │ ├── cv564_12011.txt │ │ ├── cv565_29403.txt │ │ ├── cv566_8967.txt │ │ ├── cv567_29420.txt │ │ ├── cv568_17065.txt │ │ ├── cv569_26750.txt │ │ ├── cv570_28960.txt │ │ ├── cv571_29292.txt │ │ ├── cv572_20053.txt │ │ ├── cv573_29384.txt │ │ ├── cv574_23191.txt │ │ ├── cv575_22598.txt │ │ ├── cv576_15688.txt │ │ ├── cv577_28220.txt │ │ ├── cv578_16825.txt │ │ ├── cv579_12542.txt │ │ ├── cv580_15681.txt │ │ ├── cv581_20790.txt │ │ ├── cv582_6678.txt │ │ ├── cv583_29465.txt │ │ ├── cv584_29549.txt │ │ ├── cv585_23576.txt │ │ ├── cv586_8048.txt │ │ ├── cv587_20532.txt │ │ ├── cv588_14467.txt │ │ ├── cv589_12853.txt │ │ ├── cv590_20712.txt │ │ ├── cv591_24887.txt │ │ ├── cv592_23391.txt │ │ ├── cv593_11931.txt │ │ ├── cv594_11945.txt │ │ ├── cv595_26420.txt │ │ ├── cv596_4367.txt │ │ ├── cv597_26744.txt │ │ ├── cv598_18184.txt │ │ ├── cv599_22197.txt │ │ ├── cv600_25043.txt │ │ ├── cv601_24759.txt │ │ ├── cv602_8830.txt │ │ ├── cv603_18885.txt │ │ ├── cv604_23339.txt │ │ ├── cv605_12730.txt │ │ ├── cv606_17672.txt │ │ ├── cv607_8235.txt │ │ ├── cv608_24647.txt │ │ ├── cv609_25038.txt │ │ ├── cv610_24153.txt │ │ ├── cv611_2253.txt │ │ ├── cv612_5396.txt │ │ ├── cv613_23104.txt │ │ ├── cv614_11320.txt │ │ ├── cv615_15734.txt │ │ ├── cv616_29187.txt │ │ ├── cv617_9561.txt │ │ ├── cv618_9469.txt │ │ ├── cv619_13677.txt │ │ ├── cv620_2556.txt │ │ ├── cv621_15984.txt │ │ ├── cv622_8583.txt │ │ ├── cv623_16988.txt │ │ ├── cv624_11601.txt │ │ ├── cv625_13518.txt │ │ ├── cv626_7907.txt │ │ ├── cv627_12603.txt │ │ ├── cv628_20758.txt │ │ ├── cv629_16604.txt │ │ ├── cv630_10152.txt │ │ ├── cv631_4782.txt │ │ ├── cv632_9704.txt │ │ ├── cv633_29730.txt │ │ ├── cv634_11989.txt │ │ ├── cv635_0984.txt │ │ ├── cv636_16954.txt │ │ ├── cv637_13682.txt │ │ ├── cv638_29394.txt │ │ ├── cv639_10797.txt │ │ ├── cv640_5380.txt │ │ ├── cv641_13412.txt │ │ ├── cv642_29788.txt │ │ ├── cv643_29282.txt │ │ ├── cv644_18551.txt │ │ ├── cv645_17078.txt │ │ ├── cv646_16817.txt │ │ ├── cv647_15275.txt │ │ ├── cv648_17277.txt │ │ ├── cv649_13947.txt │ │ ├── cv650_15974.txt │ │ ├── cv651_11120.txt │ │ ├── cv652_15653.txt │ │ ├── cv653_2107.txt │ │ ├── cv654_19345.txt │ │ ├── cv655_12055.txt │ │ ├── cv656_25395.txt │ │ ├── cv657_25835.txt │ │ ├── cv658_11186.txt │ │ ├── cv659_21483.txt │ │ ├── cv660_23140.txt │ │ ├── cv661_25780.txt │ │ ├── cv662_14791.txt │ │ ├── cv663_14484.txt │ │ ├── cv664_4264.txt │ │ ├── cv665_29386.txt │ │ ├── cv666_20301.txt │ │ ├── cv667_19672.txt │ │ ├── cv668_18848.txt │ │ ├── cv669_24318.txt │ │ ├── cv670_2666.txt │ │ ├── cv671_5164.txt │ │ ├── cv672_27988.txt │ │ ├── cv673_25874.txt │ │ ├── cv674_11593.txt │ │ ├── cv675_22871.txt │ │ ├── cv676_22202.txt │ │ ├── cv677_18938.txt │ │ ├── cv678_14887.txt │ │ ├── cv679_28221.txt │ │ ├── cv680_10533.txt │ │ ├── cv681_9744.txt │ │ ├── cv682_17947.txt │ │ ├── cv683_13047.txt │ │ ├── cv684_12727.txt │ │ ├── cv685_5710.txt │ │ ├── cv686_15553.txt │ │ ├── cv687_22207.txt │ │ ├── cv688_7884.txt │ │ ├── cv689_13701.txt │ │ ├── cv690_5425.txt │ │ ├── cv691_5090.txt │ │ ├── cv692_17026.txt │ │ ├── cv693_19147.txt │ │ ├── cv694_4526.txt │ │ ├── cv695_22268.txt │ │ ├── cv696_29619.txt │ │ ├── cv697_12106.txt │ │ ├── cv698_16930.txt │ │ ├── cv699_7773.txt │ │ ├── cv700_23163.txt │ │ ├── cv701_15880.txt │ │ ├── cv702_12371.txt │ │ ├── cv703_17948.txt │ │ ├── cv704_17622.txt │ │ ├── cv705_11973.txt │ │ ├── cv706_25883.txt │ │ ├── cv707_11421.txt │ │ ├── cv708_28539.txt │ │ ├── cv709_11173.txt │ │ ├── cv710_23745.txt │ │ ├── cv711_12687.txt │ │ ├── cv712_24217.txt │ │ ├── cv713_29002.txt │ │ ├── cv714_19704.txt │ │ ├── cv715_19246.txt │ │ ├── cv716_11153.txt │ │ ├── cv717_17472.txt │ │ ├── cv718_12227.txt │ │ ├── cv719_5581.txt │ │ ├── cv720_5383.txt │ │ ├── cv721_28993.txt │ │ ├── cv722_7571.txt │ │ ├── cv723_9002.txt │ │ ├── cv724_15265.txt │ │ ├── cv725_10266.txt │ │ ├── cv726_4365.txt │ │ ├── cv727_5006.txt │ │ ├── cv728_17931.txt │ │ ├── cv729_10475.txt │ │ ├── cv730_10729.txt │ │ ├── cv731_3968.txt │ │ ├── cv732_13092.txt │ │ ├── cv733_9891.txt │ │ ├── cv734_22821.txt │ │ ├── cv735_20218.txt │ │ ├── cv736_24947.txt │ │ ├── cv737_28733.txt │ │ ├── cv738_10287.txt │ │ ├── cv739_12179.txt │ │ ├── cv740_13643.txt │ │ ├── cv741_12765.txt │ │ ├── cv742_8279.txt │ │ ├── cv743_17023.txt │ │ ├── cv744_10091.txt │ │ ├── cv745_14009.txt │ │ ├── cv746_10471.txt │ │ ├── cv747_18189.txt │ │ ├── cv748_14044.txt │ │ ├── cv749_18960.txt │ │ ├── cv750_10606.txt │ │ ├── cv751_17208.txt │ │ ├── cv752_25330.txt │ │ ├── cv753_11812.txt │ │ ├── cv754_7709.txt │ │ ├── cv755_24881.txt │ │ ├── cv756_23676.txt │ │ ├── cv757_10668.txt │ │ ├── cv758_9740.txt │ │ ├── cv759_15091.txt │ │ ├── cv760_8977.txt │ │ ├── cv761_13769.txt │ │ ├── cv762_15604.txt │ │ ├── cv763_16486.txt │ │ ├── cv764_12701.txt │ │ ├── cv765_20429.txt │ │ ├── cv766_7983.txt │ │ ├── cv767_15673.txt │ │ ├── cv768_12709.txt │ │ ├── cv769_8565.txt │ │ ├── cv770_11061.txt │ │ ├── cv771_28466.txt │ │ ├── cv772_12971.txt │ │ ├── cv773_20264.txt │ │ ├── cv774_15488.txt │ │ ├── cv775_17966.txt │ │ ├── cv776_21934.txt │ │ ├── cv777_10247.txt │ │ ├── cv778_18629.txt │ │ ├── cv779_18989.txt │ │ ├── cv780_8467.txt │ │ ├── cv781_5358.txt │ │ ├── cv782_21078.txt │ │ ├── cv783_14724.txt │ │ ├── cv784_16077.txt │ │ ├── cv785_23748.txt │ │ ├── cv786_23608.txt │ │ ├── cv787_15277.txt │ │ ├── cv788_26409.txt │ │ ├── cv789_12991.txt │ │ ├── cv790_16202.txt │ │ ├── cv791_17995.txt │ │ ├── cv792_3257.txt │ │ ├── cv793_15235.txt │ │ ├── cv794_17353.txt │ │ ├── cv795_10291.txt │ │ ├── cv796_17243.txt │ │ ├── cv797_7245.txt │ │ ├── cv798_24779.txt │ │ ├── cv799_19812.txt │ │ ├── cv800_13494.txt │ │ ├── cv801_26335.txt │ │ ├── cv802_28381.txt │ │ ├── cv803_8584.txt │ │ ├── cv804_11763.txt │ │ ├── cv805_21128.txt │ │ ├── cv806_9405.txt │ │ ├── cv807_23024.txt │ │ ├── cv808_13773.txt │ │ ├── cv809_5012.txt │ │ ├── cv810_13660.txt │ │ ├── cv811_22646.txt │ │ ├── cv812_19051.txt │ │ ├── cv813_6649.txt │ │ ├── cv814_20316.txt │ │ ├── cv815_23466.txt │ │ ├── cv816_15257.txt │ │ ├── cv817_3675.txt │ │ ├── cv818_10698.txt │ │ ├── cv819_9567.txt │ │ ├── cv820_24157.txt │ │ ├── cv821_29283.txt │ │ ├── cv822_21545.txt │ │ ├── cv823_17055.txt │ │ ├── cv824_9335.txt │ │ ├── cv825_5168.txt │ │ ├── cv826_12761.txt │ │ ├── cv827_19479.txt │ │ ├── cv828_21392.txt │ │ ├── cv829_21725.txt │ │ ├── cv830_5778.txt │ │ ├── cv831_16325.txt │ │ ├── cv832_24713.txt │ │ ├── cv833_11961.txt │ │ ├── cv834_23192.txt │ │ ├── cv835_20531.txt │ │ ├── cv836_14311.txt │ │ ├── cv837_27232.txt │ │ ├── cv838_25886.txt │ │ ├── cv839_22807.txt │ │ ├── cv840_18033.txt │ │ ├── cv841_3367.txt │ │ ├── cv842_5702.txt │ │ ├── cv843_17054.txt │ │ ├── cv844_13890.txt │ │ ├── cv845_15886.txt │ │ ├── cv846_29359.txt │ │ ├── cv847_20855.txt │ │ ├── cv848_10061.txt │ │ ├── cv849_17215.txt │ │ ├── cv850_18185.txt │ │ ├── cv851_21895.txt │ │ ├── cv852_27512.txt │ │ ├── cv853_29119.txt │ │ ├── cv854_18955.txt │ │ ├── cv855_22134.txt │ │ ├── cv856_28882.txt │ │ ├── cv857_17527.txt │ │ ├── cv858_20266.txt │ │ ├── cv859_15689.txt │ │ ├── cv860_15520.txt │ │ ├── cv861_12809.txt │ │ ├── cv862_15924.txt │ │ ├── cv863_7912.txt │ │ ├── cv864_3087.txt │ │ ├── cv865_28796.txt │ │ ├── cv866_29447.txt │ │ ├── cv867_18362.txt │ │ ├── cv868_12799.txt │ │ ├── cv869_24782.txt │ │ ├── cv870_18090.txt │ │ ├── cv871_25971.txt │ │ ├── cv872_13710.txt │ │ ├── cv873_19937.txt │ │ ├── cv874_12182.txt │ │ ├── cv875_5622.txt │ │ ├── cv876_9633.txt │ │ ├── cv877_29132.txt │ │ ├── cv878_17204.txt │ │ ├── cv879_16585.txt │ │ ├── cv880_29629.txt │ │ ├── cv881_14767.txt │ │ ├── cv882_10042.txt │ │ ├── cv883_27621.txt │ │ ├── cv884_15230.txt │ │ ├── cv885_13390.txt │ │ ├── cv886_19210.txt │ │ ├── cv887_5306.txt │ │ ├── cv888_25678.txt │ │ ├── cv889_22670.txt │ │ ├── cv890_3515.txt │ │ ├── cv891_6035.txt │ │ ├── cv892_18788.txt │ │ ├── cv893_26731.txt │ │ ├── cv894_22140.txt │ │ ├── cv895_22200.txt │ │ ├── cv896_17819.txt │ │ ├── cv897_11703.txt │ │ ├── cv898_1576.txt │ │ ├── cv899_17812.txt │ │ ├── cv900_10800.txt │ │ ├── cv901_11934.txt │ │ ├── cv902_13217.txt │ │ ├── cv903_18981.txt │ │ ├── cv904_25663.txt │ │ ├── cv905_28965.txt │ │ ├── cv906_12332.txt │ │ ├── cv907_3193.txt │ │ ├── cv908_17779.txt │ │ ├── cv909_9973.txt │ │ ├── cv910_21930.txt │ │ ├── cv911_21695.txt │ │ ├── cv912_5562.txt │ │ ├── cv913_29127.txt │ │ ├── cv914_2856.txt │ │ ├── cv915_9342.txt │ │ ├── cv916_17034.txt │ │ ├── cv917_29484.txt │ │ ├── cv918_27080.txt │ │ ├── cv919_18155.txt │ │ ├── cv920_29423.txt │ │ ├── cv921_13988.txt │ │ ├── cv922_10185.txt │ │ ├── cv923_11951.txt │ │ ├── cv924_29397.txt │ │ ├── cv925_9459.txt │ │ ├── cv926_18471.txt │ │ ├── cv927_11471.txt │ │ ├── cv928_9478.txt │ │ ├── cv929_1841.txt │ │ ├── cv930_14949.txt │ │ ├── cv931_18783.txt │ │ ├── cv932_14854.txt │ │ ├── cv933_24953.txt │ │ ├── cv934_20426.txt │ │ ├── cv935_24977.txt │ │ ├── cv936_17473.txt │ │ ├── cv937_9816.txt │ │ ├── cv938_10706.txt │ │ ├── cv939_11247.txt │ │ ├── cv940_18935.txt │ │ ├── cv941_10718.txt │ │ ├── cv942_18509.txt │ │ ├── cv943_23547.txt │ │ ├── cv944_15042.txt │ │ ├── cv945_13012.txt │ │ ├── cv946_20084.txt │ │ ├── cv947_11316.txt │ │ ├── cv948_25870.txt │ │ ├── cv949_21565.txt │ │ ├── cv950_13478.txt │ │ ├── cv951_11816.txt │ │ ├── cv952_26375.txt │ │ ├── cv953_7078.txt │ │ ├── cv954_19932.txt │ │ ├── cv955_26154.txt │ │ ├── cv956_12547.txt │ │ ├── cv957_9059.txt │ │ ├── cv958_13020.txt │ │ ├── cv959_16218.txt │ │ ├── cv960_28877.txt │ │ ├── cv961_5578.txt │ │ ├── cv962_9813.txt │ │ ├── cv963_7208.txt │ │ ├── cv964_5794.txt │ │ ├── cv965_26688.txt │ │ ├── cv966_28671.txt │ │ ├── cv967_5626.txt │ │ ├── cv968_25413.txt │ │ ├── cv969_14760.txt │ │ ├── cv970_19532.txt │ │ ├── cv971_11790.txt │ │ ├── cv972_26837.txt │ │ ├── cv973_10171.txt │ │ ├── cv974_24303.txt │ │ ├── cv975_11920.txt │ │ ├── cv976_10724.txt │ │ ├── cv977_4776.txt │ │ ├── cv978_22192.txt │ │ ├── cv979_2029.txt │ │ ├── cv980_11851.txt │ │ ├── cv981_16679.txt │ │ ├── cv982_22209.txt │ │ ├── cv983_24219.txt │ │ ├── cv984_14006.txt │ │ ├── cv985_5964.txt │ │ ├── cv986_15092.txt │ │ ├── cv987_7394.txt │ │ ├── cv988_20168.txt │ │ ├── cv989_17297.txt │ │ ├── cv990_12443.txt │ │ ├── cv991_19973.txt │ │ ├── cv992_12806.txt │ │ ├── cv993_29565.txt │ │ ├── cv994_13229.txt │ │ ├── cv995_23113.txt │ │ ├── cv996_12447.txt │ │ ├── cv997_5152.txt │ │ ├── cv998_15691.txt │ │ └── cv999_14636.txt │ └── pos │ │ ├── cv000_29590.txt │ │ ├── cv001_18431.txt │ │ ├── cv002_15918.txt │ │ ├── cv003_11664.txt │ │ ├── cv004_11636.txt │ │ ├── cv005_29443.txt │ │ ├── cv006_15448.txt │ │ ├── cv007_4968.txt │ │ ├── cv008_29435.txt │ │ ├── cv009_29592.txt │ │ ├── cv010_29198.txt │ │ ├── cv011_12166.txt │ │ ├── cv012_29576.txt │ │ ├── cv013_10159.txt │ │ ├── cv014_13924.txt │ │ ├── cv015_29439.txt │ │ ├── cv016_4659.txt │ │ ├── cv017_22464.txt │ │ ├── cv018_20137.txt │ │ ├── cv019_14482.txt │ │ ├── cv020_8825.txt │ │ ├── cv021_15838.txt │ │ ├── cv022_12864.txt │ │ ├── cv023_12672.txt │ │ ├── cv024_6778.txt │ │ ├── cv025_3108.txt │ │ ├── cv026_29325.txt │ │ ├── cv027_25219.txt │ │ ├── cv028_26746.txt │ │ ├── cv029_18643.txt │ │ ├── cv030_21593.txt │ │ ├── cv031_18452.txt │ │ ├── cv032_22550.txt │ │ ├── cv033_24444.txt │ │ ├── cv034_29647.txt │ │ ├── cv035_3954.txt │ │ ├── cv036_16831.txt │ │ ├── cv037_18510.txt │ │ ├── cv038_9749.txt │ │ ├── cv039_6170.txt │ │ ├── cv040_8276.txt │ │ ├── cv041_21113.txt │ │ ├── cv042_10982.txt │ │ ├── cv043_15013.txt │ │ ├── cv044_16969.txt │ │ ├── cv045_23923.txt │ │ ├── cv046_10188.txt │ │ ├── cv047_1754.txt │ │ ├── cv048_16828.txt │ │ ├── cv049_20471.txt │ │ ├── cv050_11175.txt │ │ ├── cv051_10306.txt │ │ ├── cv052_29378.txt │ │ ├── cv053_21822.txt │ │ ├── cv054_4230.txt │ │ ├── cv055_8338.txt │ │ ├── cv056_13133.txt │ │ ├── cv057_7453.txt │ │ ├── cv058_8025.txt │ │ ├── cv059_28885.txt │ │ ├── cv060_10844.txt │ │ ├── cv061_8837.txt │ │ ├── cv062_23115.txt │ │ ├── cv063_28997.txt │ │ ├── cv064_24576.txt │ │ ├── cv065_15248.txt │ │ ├── cv066_10821.txt │ │ ├── cv067_19774.txt │ │ ├── cv068_13400.txt │ │ ├── cv069_10801.txt │ │ ├── cv070_12289.txt │ │ ├── cv071_12095.txt │ │ ├── cv072_6169.txt │ │ ├── cv073_21785.txt │ │ ├── cv074_6875.txt │ │ ├── cv075_6500.txt │ │ ├── cv076_24945.txt │ │ ├── cv077_22138.txt │ │ ├── cv078_14730.txt │ │ ├── cv079_11933.txt │ │ ├── cv080_13465.txt │ │ ├── cv081_16582.txt │ │ ├── cv082_11080.txt │ │ ├── cv083_24234.txt │ │ ├── cv084_13566.txt │ │ ├── cv085_1381.txt │ │ ├── cv086_18371.txt │ │ ├── cv087_1989.txt │ │ ├── cv088_24113.txt │ │ ├── cv089_11418.txt │ │ ├── cv090_0042.txt │ │ ├── cv091_7400.txt │ │ ├── cv092_28017.txt │ │ ├── cv093_13951.txt │ │ ├── cv094_27889.txt │ │ ├── cv095_28892.txt │ │ ├── cv096_11474.txt │ │ ├── cv097_24970.txt │ │ ├── cv098_15435.txt │ │ ├── cv099_10534.txt │ │ ├── cv100_11528.txt │ │ ├── cv101_10175.txt │ │ ├── cv102_7846.txt │ │ ├── cv103_11021.txt │ │ ├── cv104_18134.txt │ │ ├── cv105_17990.txt │ │ ├── cv106_16807.txt │ │ ├── cv107_24319.txt │ │ ├── cv108_15571.txt │ │ ├── cv109_21172.txt │ │ ├── cv110_27788.txt │ │ ├── cv111_11473.txt │ │ ├── cv112_11193.txt │ │ ├── cv113_23102.txt │ │ ├── cv114_18398.txt │ │ ├── cv115_25396.txt │ │ ├── cv116_28942.txt │ │ ├── cv117_24295.txt │ │ ├── cv118_28980.txt │ │ ├── cv119_9867.txt │ │ ├── cv120_4111.txt │ │ ├── cv121_17302.txt │ │ ├── cv122_7392.txt │ │ ├── cv123_11182.txt │ │ ├── cv124_4122.txt │ │ ├── cv125_9391.txt │ │ ├── cv126_28971.txt │ │ ├── cv127_14711.txt │ │ ├── cv128_29627.txt │ │ ├── cv129_16741.txt │ │ ├── cv130_17083.txt │ │ ├── cv131_10713.txt │ │ ├── cv132_5618.txt │ │ ├── cv133_16336.txt │ │ ├── cv134_22246.txt │ │ ├── cv135_11603.txt │ │ ├── cv136_11505.txt │ │ ├── cv137_15422.txt │ │ ├── cv138_12721.txt │ │ ├── cv139_12873.txt │ │ ├── cv140_7479.txt │ │ ├── cv141_15686.txt │ │ ├── cv142_22516.txt │ │ ├── cv143_19666.txt │ │ ├── cv144_5007.txt │ │ ├── cv145_11472.txt │ │ ├── cv146_18458.txt │ │ ├── cv147_21193.txt │ │ ├── cv148_16345.txt │ │ ├── cv149_15670.txt │ │ ├── cv150_12916.txt │ │ ├── cv151_15771.txt │ │ ├── cv152_8736.txt │ │ ├── cv153_10779.txt │ │ ├── cv154_9328.txt │ │ ├── cv155_7308.txt │ │ ├── cv156_10481.txt │ │ ├── cv157_29372.txt │ │ ├── cv158_10390.txt │ │ ├── cv159_29505.txt │ │ ├── cv160_10362.txt │ │ ├── cv161_11425.txt │ │ ├── cv162_10424.txt │ │ ├── cv163_10052.txt │ │ ├── cv164_22447.txt │ │ ├── cv165_22619.txt │ │ ├── cv166_11052.txt │ │ ├── cv167_16376.txt │ │ ├── cv168_7050.txt │ │ ├── cv169_23778.txt │ │ ├── cv170_3006.txt │ │ ├── cv171_13537.txt │ │ ├── cv172_11131.txt │ │ ├── cv173_4471.txt │ │ ├── cv174_9659.txt │ │ ├── cv175_6964.txt │ │ ├── cv176_12857.txt │ │ ├── cv177_10367.txt │ │ ├── cv178_12972.txt │ │ ├── cv179_9228.txt │ │ ├── cv180_16113.txt │ │ ├── cv181_14401.txt │ │ ├── cv182_7281.txt │ │ ├── cv183_18612.txt │ │ ├── cv184_2673.txt │ │ ├── cv185_28654.txt │ │ ├── cv186_2269.txt │ │ ├── cv187_12829.txt │ │ ├── cv188_19226.txt │ │ ├── cv189_22934.txt │ │ ├── cv190_27052.txt │ │ ├── cv191_29719.txt │ │ ├── cv192_14395.txt │ │ ├── cv193_5416.txt │ │ ├── cv194_12079.txt │ │ ├── cv195_14528.txt │ │ ├── cv196_29027.txt │ │ ├── cv197_29328.txt │ │ ├── cv198_18180.txt │ │ ├── cv199_9629.txt │ │ ├── cv200_2915.txt │ │ ├── cv201_6997.txt │ │ ├── cv202_10654.txt │ │ ├── cv203_17986.txt │ │ ├── cv204_8451.txt │ │ ├── cv205_9457.txt │ │ ├── cv206_14293.txt │ │ ├── cv207_29284.txt │ │ ├── cv208_9020.txt │ │ ├── cv209_29118.txt │ │ ├── cv210_9312.txt │ │ ├── cv211_9953.txt │ │ ├── cv212_10027.txt │ │ ├── cv213_18934.txt │ │ ├── cv214_12294.txt │ │ ├── cv215_22240.txt │ │ ├── cv216_18738.txt │ │ ├── cv217_28842.txt │ │ ├── cv218_24352.txt │ │ ├── cv219_18626.txt │ │ ├── cv220_29059.txt │ │ ├── cv221_2695.txt │ │ ├── cv222_17395.txt │ │ ├── cv223_29066.txt │ │ ├── cv224_17661.txt │ │ ├── cv225_29224.txt │ │ ├── cv226_2618.txt │ │ ├── cv227_24215.txt │ │ ├── cv228_5806.txt │ │ ├── cv229_13611.txt │ │ ├── cv230_7428.txt │ │ ├── cv231_10425.txt │ │ ├── cv232_14991.txt │ │ ├── cv233_15964.txt │ │ ├── cv234_20643.txt │ │ ├── cv235_10217.txt │ │ ├── cv236_11565.txt │ │ ├── cv237_19221.txt │ │ ├── cv238_12931.txt │ │ ├── cv239_3385.txt │ │ ├── cv240_14336.txt │ │ ├── cv241_23130.txt │ │ ├── cv242_10638.txt │ │ ├── cv243_20728.txt │ │ ├── cv244_21649.txt │ │ ├── cv245_8569.txt │ │ ├── cv246_28807.txt │ │ ├── cv247_13142.txt │ │ ├── cv248_13987.txt │ │ ├── cv249_11640.txt │ │ ├── cv250_25616.txt │ │ ├── cv251_22636.txt │ │ ├── cv252_23779.txt │ │ ├── cv253_10077.txt │ │ ├── cv254_6027.txt │ │ ├── cv255_13683.txt │ │ ├── cv256_14740.txt │ │ ├── cv257_10975.txt │ │ ├── cv258_5792.txt │ │ ├── cv259_10934.txt │ │ ├── cv260_13959.txt │ │ ├── cv261_10954.txt │ │ ├── cv262_12649.txt │ │ ├── cv263_19259.txt │ │ ├── cv264_12801.txt │ │ ├── cv265_10814.txt │ │ ├── cv266_25779.txt │ │ ├── cv267_14952.txt │ │ ├── cv268_18834.txt │ │ ├── cv269_21732.txt │ │ ├── cv270_6079.txt │ │ ├── cv271_13837.txt │ │ ├── cv272_18974.txt │ │ ├── cv273_29112.txt │ │ ├── cv274_25253.txt │ │ ├── cv275_28887.txt │ │ ├── cv276_15684.txt │ │ ├── cv277_19091.txt │ │ ├── cv278_13041.txt │ │ ├── cv279_18329.txt │ │ ├── cv280_8267.txt │ │ ├── cv281_23253.txt │ │ ├── cv282_6653.txt │ │ ├── cv283_11055.txt │ │ ├── cv284_19119.txt │ │ ├── cv285_16494.txt │ │ ├── cv286_25050.txt │ │ ├── cv287_15900.txt │ │ ├── cv288_18791.txt │ │ ├── cv289_6463.txt │ │ ├── cv290_11084.txt │ │ ├── cv291_26635.txt │ │ ├── cv292_7282.txt │ │ ├── cv293_29856.txt │ │ ├── cv294_11684.txt │ │ ├── cv295_15570.txt │ │ ├── cv296_12251.txt │ │ ├── cv297_10047.txt │ │ ├── cv298_23111.txt │ │ ├── cv299_16214.txt │ │ ├── cv300_22284.txt │ │ ├── cv301_12146.txt │ │ ├── cv302_25649.txt │ │ ├── cv303_27520.txt │ │ ├── cv304_28706.txt │ │ ├── cv305_9946.txt │ │ ├── cv306_10364.txt │ │ ├── cv307_25270.txt │ │ ├── cv308_5016.txt │ │ ├── cv309_22571.txt │ │ ├── cv310_13091.txt │ │ ├── cv311_16002.txt │ │ ├── cv312_29377.txt │ │ ├── cv313_18198.txt │ │ ├── cv314_14422.txt │ │ ├── cv315_11629.txt │ │ ├── cv316_6370.txt │ │ ├── cv317_24049.txt │ │ ├── cv318_10493.txt │ │ ├── cv319_14727.txt │ │ ├── cv320_9530.txt │ │ ├── cv321_12843.txt │ │ ├── cv322_20318.txt │ │ ├── cv323_29805.txt │ │ ├── cv324_7082.txt │ │ ├── cv325_16629.txt │ │ ├── cv326_13295.txt │ │ ├── cv327_20292.txt │ │ ├── cv328_10373.txt │ │ ├── cv329_29370.txt │ │ ├── cv330_29809.txt │ │ ├── cv331_8273.txt │ │ ├── cv332_16307.txt │ │ ├── cv333_8916.txt │ │ ├── cv334_10001.txt │ │ ├── cv335_14665.txt │ │ ├── cv336_10143.txt │ │ ├── cv337_29181.txt │ │ ├── cv338_8821.txt │ │ ├── cv339_21119.txt │ │ ├── cv340_13287.txt │ │ ├── cv341_24430.txt │ │ ├── cv342_19456.txt │ │ ├── cv343_10368.txt │ │ ├── cv344_5312.txt │ │ ├── cv345_9954.txt │ │ ├── cv346_18168.txt │ │ ├── cv347_13194.txt │ │ ├── cv348_18176.txt │ │ ├── cv349_13507.txt │ │ ├── cv350_20670.txt │ │ ├── cv351_15458.txt │ │ ├── cv352_5524.txt │ │ ├── cv353_18159.txt │ │ ├── cv354_8132.txt │ │ ├── cv355_16413.txt │ │ ├── cv356_25163.txt │ │ ├── cv357_13156.txt │ │ ├── cv358_10691.txt │ │ ├── cv359_6647.txt │ │ ├── cv360_8398.txt │ │ ├── cv361_28944.txt │ │ ├── cv362_15341.txt │ │ ├── cv363_29332.txt │ │ ├── cv364_12901.txt │ │ ├── cv365_11576.txt │ │ ├── cv366_10221.txt │ │ ├── cv367_22792.txt │ │ ├── cv368_10466.txt │ │ ├── cv369_12886.txt │ │ ├── cv370_5221.txt │ │ ├── cv371_7630.txt │ │ ├── cv372_6552.txt │ │ ├── cv373_20404.txt │ │ ├── cv374_25436.txt │ │ ├── cv375_9929.txt │ │ ├── cv376_19435.txt │ │ ├── cv377_7946.txt │ │ ├── cv378_20629.txt │ │ ├── cv379_21963.txt │ │ ├── cv380_7574.txt │ │ ├── cv381_20172.txt │ │ ├── cv382_7897.txt │ │ ├── cv383_13116.txt │ │ ├── cv384_17140.txt │ │ ├── cv385_29741.txt │ │ ├── cv386_10080.txt │ │ ├── cv387_11507.txt │ │ ├── cv388_12009.txt │ │ ├── cv389_9369.txt │ │ ├── cv390_11345.txt │ │ ├── cv391_10802.txt │ │ ├── cv392_11458.txt │ │ ├── cv393_29327.txt │ │ ├── cv394_5137.txt │ │ ├── cv395_10849.txt │ │ ├── cv396_17989.txt │ │ ├── cv397_29023.txt │ │ ├── cv398_15537.txt │ │ ├── cv399_2877.txt │ │ ├── cv400_19220.txt │ │ ├── cv401_12605.txt │ │ ├── cv402_14425.txt │ │ ├── cv403_6621.txt │ │ ├── cv404_20315.txt │ │ ├── cv405_20399.txt │ │ ├── cv406_21020.txt │ │ ├── cv407_22637.txt │ │ ├── cv408_5297.txt │ │ ├── cv409_29786.txt │ │ ├── cv410_24266.txt │ │ ├── cv411_15007.txt │ │ ├── cv412_24095.txt │ │ ├── cv413_7398.txt │ │ ├── cv414_10518.txt │ │ ├── cv415_22517.txt │ │ ├── cv416_11136.txt │ │ ├── cv417_13115.txt │ │ ├── cv418_14774.txt │ │ ├── cv419_13394.txt │ │ ├── cv420_28795.txt │ │ ├── cv421_9709.txt │ │ ├── cv422_9381.txt │ │ ├── cv423_11155.txt │ │ ├── cv424_8831.txt │ │ ├── cv425_8250.txt │ │ ├── cv426_10421.txt │ │ ├── cv427_10825.txt │ │ ├── cv428_11347.txt │ │ ├── cv429_7439.txt │ │ ├── cv430_17351.txt │ │ ├── cv431_7085.txt │ │ ├── cv432_14224.txt │ │ ├── cv433_10144.txt │ │ ├── cv434_5793.txt │ │ ├── cv435_23110.txt │ │ ├── cv436_19179.txt │ │ ├── cv437_22849.txt │ │ ├── cv438_8043.txt │ │ ├── cv439_15970.txt │ │ ├── cv440_15243.txt │ │ ├── cv441_13711.txt │ │ ├── cv442_13846.txt │ │ ├── cv443_21118.txt │ │ ├── cv444_9974.txt │ │ ├── cv445_25882.txt │ │ ├── cv446_11353.txt │ │ ├── cv447_27332.txt │ │ ├── cv448_14695.txt │ │ ├── cv449_8785.txt │ │ ├── cv450_7890.txt │ │ ├── cv451_10690.txt │ │ ├── cv452_5088.txt │ │ ├── cv453_10379.txt │ │ ├── cv454_2053.txt │ │ ├── cv455_29000.txt │ │ ├── cv456_18985.txt │ │ ├── cv457_18453.txt │ │ ├── cv458_8604.txt │ │ ├── cv459_20319.txt │ │ ├── cv460_10842.txt │ │ ├── cv461_19600.txt │ │ ├── cv462_19350.txt │ │ ├── cv463_10343.txt │ │ ├── cv464_15650.txt │ │ ├── cv465_22431.txt │ │ ├── cv466_18722.txt │ │ ├── cv467_25773.txt │ │ ├── cv468_15228.txt │ │ ├── cv469_20630.txt │ │ ├── cv470_15952.txt │ │ ├── cv471_16858.txt │ │ ├── cv472_29280.txt │ │ ├── cv473_7367.txt │ │ ├── cv474_10209.txt │ │ ├── cv475_21692.txt │ │ ├── cv476_16856.txt │ │ ├── cv477_22479.txt │ │ ├── cv478_14309.txt │ │ ├── cv479_5649.txt │ │ ├── cv480_19817.txt │ │ ├── cv481_7436.txt │ │ ├── cv482_10580.txt │ │ ├── cv483_16378.txt │ │ ├── cv484_25054.txt │ │ ├── cv485_26649.txt │ │ ├── cv486_9799.txt │ │ ├── cv487_10446.txt │ │ ├── cv488_19856.txt │ │ ├── cv489_17906.txt │ │ ├── cv490_17872.txt │ │ ├── cv491_12145.txt │ │ ├── cv492_18271.txt │ │ ├── cv493_12839.txt │ │ ├── cv494_17389.txt │ │ ├── cv495_14518.txt │ │ ├── cv496_10530.txt │ │ ├── cv497_26980.txt │ │ ├── cv498_8832.txt │ │ ├── cv499_10658.txt │ │ ├── cv500_10251.txt │ │ ├── cv501_11657.txt │ │ ├── cv502_10406.txt │ │ ├── cv503_10558.txt │ │ ├── cv504_29243.txt │ │ ├── cv505_12090.txt │ │ ├── cv506_15956.txt │ │ ├── cv507_9220.txt │ │ ├── cv508_16006.txt │ │ ├── cv509_15888.txt │ │ ├── cv510_23360.txt │ │ ├── cv511_10132.txt │ │ ├── cv512_15965.txt │ │ ├── cv513_6923.txt │ │ ├── cv514_11187.txt │ │ ├── cv515_17069.txt │ │ ├── cv516_11172.txt │ │ ├── cv517_19219.txt │ │ ├── cv518_13331.txt │ │ ├── cv519_14661.txt │ │ ├── cv520_12295.txt │ │ ├── cv521_15828.txt │ │ ├── cv522_5583.txt │ │ ├── cv523_16615.txt │ │ ├── cv524_23627.txt │ │ ├── cv525_16122.txt │ │ ├── cv526_12083.txt │ │ ├── cv527_10123.txt │ │ ├── cv528_10822.txt │ │ ├── cv529_10420.txt │ │ ├── cv530_16212.txt │ │ ├── cv531_26486.txt │ │ ├── cv532_6522.txt │ │ ├── cv533_9821.txt │ │ ├── cv534_14083.txt │ │ ├── cv535_19728.txt │ │ ├── cv536_27134.txt │ │ ├── cv537_12370.txt │ │ ├── cv538_28667.txt │ │ ├── cv539_20347.txt │ │ ├── cv540_3421.txt │ │ ├── cv541_28835.txt │ │ ├── cv542_18980.txt │ │ ├── cv543_5045.txt │ │ ├── cv544_5108.txt │ │ ├── cv545_12014.txt │ │ ├── cv546_11767.txt │ │ ├── cv547_16324.txt │ │ ├── cv548_17731.txt │ │ ├── cv549_21443.txt │ │ ├── cv550_22211.txt │ │ ├── cv551_10565.txt │ │ ├── cv552_10016.txt │ │ ├── cv553_26915.txt │ │ ├── cv554_13151.txt │ │ ├── cv555_23922.txt │ │ ├── cv556_14808.txt │ │ ├── cv557_11449.txt │ │ ├── cv558_29507.txt │ │ ├── cv559_0050.txt │ │ ├── cv560_17175.txt │ │ ├── cv561_9201.txt │ │ ├── cv562_10359.txt │ │ ├── cv563_17257.txt │ │ ├── cv564_11110.txt │ │ ├── cv565_29572.txt │ │ ├── cv566_8581.txt │ │ ├── cv567_29611.txt │ │ ├── cv568_15638.txt │ │ ├── cv569_26381.txt │ │ ├── cv570_29082.txt │ │ ├── cv571_29366.txt │ │ ├── cv572_18657.txt │ │ ├── cv573_29525.txt │ │ ├── cv574_22156.txt │ │ ├── cv575_21150.txt │ │ ├── cv576_14094.txt │ │ ├── cv577_28549.txt │ │ ├── cv578_15094.txt │ │ ├── cv579_11605.txt │ │ ├── cv580_14064.txt │ │ ├── cv581_19381.txt │ │ ├── cv582_6559.txt │ │ ├── cv583_29692.txt │ │ ├── cv584_29722.txt │ │ ├── cv585_22496.txt │ │ ├── cv586_7543.txt │ │ ├── cv587_19162.txt │ │ ├── cv588_13008.txt │ │ ├── cv589_12064.txt │ │ ├── cv590_19290.txt │ │ ├── cv591_23640.txt │ │ ├── cv592_22315.txt │ │ ├── cv593_10987.txt │ │ ├── cv594_11039.txt │ │ ├── cv595_25335.txt │ │ ├── cv596_28311.txt │ │ ├── cv597_26360.txt │ │ ├── cv598_16452.txt │ │ ├── cv599_20988.txt │ │ ├── cv600_23878.txt │ │ ├── cv601_23453.txt │ │ ├── cv602_8300.txt │ │ ├── cv603_17694.txt │ │ ├── cv604_2230.txt │ │ ├── cv605_11800.txt │ │ ├── cv606_15985.txt │ │ ├── cv607_7717.txt │ │ ├── cv608_23231.txt │ │ ├── cv609_23877.txt │ │ ├── cv610_2287.txt │ │ ├── cv611_21120.txt │ │ ├── cv612_5461.txt │ │ ├── cv613_21796.txt │ │ ├── cv614_10626.txt │ │ ├── cv615_14182.txt │ │ ├── cv616_29319.txt │ │ ├── cv617_9322.txt │ │ ├── cv618_8974.txt │ │ ├── cv619_12462.txt │ │ ├── cv620_24265.txt │ │ ├── cv621_14368.txt │ │ ├── cv622_8147.txt │ │ ├── cv623_15356.txt │ │ ├── cv624_10744.txt │ │ ├── cv625_12440.txt │ │ ├── cv626_7410.txt │ │ ├── cv627_11620.txt │ │ ├── cv628_19325.txt │ │ ├── cv629_14909.txt │ │ ├── cv630_10057.txt │ │ ├── cv631_4967.txt │ │ ├── cv632_9610.txt │ │ ├── cv633_29837.txt │ │ ├── cv634_11101.txt │ │ ├── cv635_10022.txt │ │ ├── cv636_15279.txt │ │ ├── cv637_1250.txt │ │ ├── cv638_2953.txt │ │ ├── cv639_10308.txt │ │ ├── cv640_5378.txt │ │ ├── cv641_12349.txt │ │ ├── cv642_29867.txt │ │ ├── cv643_29349.txt │ │ ├── cv644_17154.txt │ │ ├── cv645_15668.txt │ │ ├── cv646_15065.txt │ │ ├── cv647_13691.txt │ │ ├── cv648_15792.txt │ │ ├── cv649_12735.txt │ │ ├── cv650_14340.txt │ │ ├── cv651_10492.txt │ │ ├── cv652_13972.txt │ │ ├── cv653_19583.txt │ │ ├── cv654_18246.txt │ │ ├── cv655_11154.txt │ │ ├── cv656_24201.txt │ │ ├── cv657_24513.txt │ │ ├── cv658_10532.txt │ │ ├── cv659_19944.txt │ │ ├── cv660_21893.txt │ │ ├── cv661_2450.txt │ │ ├── cv662_13320.txt │ │ ├── cv663_13019.txt │ │ ├── cv664_4389.txt │ │ ├── cv665_29538.txt │ │ ├── cv666_18963.txt │ │ ├── cv667_18467.txt │ │ ├── cv668_17604.txt │ │ ├── cv669_22995.txt │ │ ├── cv670_25826.txt │ │ ├── cv671_5054.txt │ │ ├── cv672_28083.txt │ │ ├── cv673_24714.txt │ │ ├── cv674_10732.txt │ │ ├── cv675_21588.txt │ │ ├── cv676_21090.txt │ │ ├── cv677_17715.txt │ │ ├── cv678_13419.txt │ │ ├── cv679_28559.txt │ │ ├── cv680_10160.txt │ │ ├── cv681_9692.txt │ │ ├── cv682_16139.txt │ │ ├── cv683_12167.txt │ │ ├── cv684_11798.txt │ │ ├── cv685_5947.txt │ │ ├── cv686_13900.txt │ │ ├── cv687_21100.txt │ │ ├── cv688_7368.txt │ │ ├── cv689_12587.txt │ │ ├── cv690_5619.txt │ │ ├── cv691_5043.txt │ │ ├── cv692_15451.txt │ │ ├── cv693_18063.txt │ │ ├── cv694_4876.txt │ │ ├── cv695_21108.txt │ │ ├── cv696_29740.txt │ │ ├── cv697_11162.txt │ │ ├── cv698_15253.txt │ │ ├── cv699_7223.txt │ │ ├── cv700_21947.txt │ │ ├── cv701_14252.txt │ │ ├── cv702_11500.txt │ │ ├── cv703_16143.txt │ │ ├── cv704_15969.txt │ │ ├── cv705_11059.txt │ │ ├── cv706_24716.txt │ │ ├── cv707_10678.txt │ │ ├── cv708_28729.txt │ │ ├── cv709_10529.txt │ │ ├── cv710_22577.txt │ │ ├── cv711_11665.txt │ │ ├── cv712_22920.txt │ │ ├── cv713_29155.txt │ │ ├── cv714_18502.txt │ │ ├── cv715_18179.txt │ │ ├── cv716_10514.txt │ │ ├── cv717_15953.txt │ │ ├── cv718_11434.txt │ │ ├── cv719_5713.txt │ │ ├── cv720_5389.txt │ │ ├── cv721_29121.txt │ │ ├── cv722_7110.txt │ │ ├── cv723_8648.txt │ │ ├── cv724_13681.txt │ │ ├── cv725_10103.txt │ │ ├── cv726_4719.txt │ │ ├── cv727_4978.txt │ │ ├── cv728_16133.txt │ │ ├── cv729_10154.txt │ │ ├── cv730_10279.txt │ │ ├── cv731_4136.txt │ │ ├── cv732_12245.txt │ │ ├── cv733_9839.txt │ │ ├── cv734_21568.txt │ │ ├── cv735_18801.txt │ │ ├── cv736_23670.txt │ │ ├── cv737_28907.txt │ │ ├── cv738_10116.txt │ │ ├── cv739_11209.txt │ │ ├── cv740_12445.txt │ │ ├── cv741_11890.txt │ │ ├── cv742_7751.txt │ │ ├── cv743_15449.txt │ │ ├── cv744_10038.txt │ │ ├── cv745_12773.txt │ │ ├── cv746_10147.txt │ │ ├── cv747_16556.txt │ │ ├── cv748_12786.txt │ │ ├── cv749_17765.txt │ │ ├── cv750_10180.txt │ │ ├── cv751_15719.txt │ │ ├── cv752_24155.txt │ │ ├── cv753_10875.txt │ │ ├── cv754_7216.txt │ │ ├── cv755_23616.txt │ │ ├── cv756_22540.txt │ │ ├── cv757_10189.txt │ │ ├── cv758_9671.txt │ │ ├── cv759_13522.txt │ │ ├── cv760_8597.txt │ │ ├── cv761_12620.txt │ │ ├── cv762_13927.txt │ │ ├── cv763_14729.txt │ │ ├── cv764_11739.txt │ │ ├── cv765_19037.txt │ │ ├── cv766_7540.txt │ │ ├── cv767_14062.txt │ │ ├── cv768_11751.txt │ │ ├── cv769_8123.txt │ │ ├── cv770_10451.txt │ │ ├── cv771_28665.txt │ │ ├── cv772_12119.txt │ │ ├── cv773_18817.txt │ │ ├── cv774_13845.txt │ │ ├── cv775_16237.txt │ │ ├── cv776_20529.txt │ │ ├── cv777_10094.txt │ │ ├── cv778_17330.txt │ │ ├── cv779_17881.txt │ │ ├── cv780_7984.txt │ │ ├── cv781_5262.txt │ │ ├── cv782_19526.txt │ │ ├── cv783_13227.txt │ │ ├── cv784_14394.txt │ │ ├── cv785_22600.txt │ │ ├── cv786_22497.txt │ │ ├── cv787_13743.txt │ │ ├── cv788_25272.txt │ │ ├── cv789_12136.txt │ │ ├── cv790_14600.txt │ │ ├── cv791_16302.txt │ │ ├── cv792_3832.txt │ │ ├── cv793_13650.txt │ │ ├── cv794_15868.txt │ │ ├── cv795_10122.txt │ │ ├── cv796_15782.txt │ │ ├── cv797_6957.txt │ │ ├── cv798_23531.txt │ │ ├── cv799_18543.txt │ │ ├── cv800_12368.txt │ │ ├── cv801_25228.txt │ │ ├── cv802_28664.txt │ │ ├── cv803_8207.txt │ │ ├── cv804_10862.txt │ │ ├── cv805_19601.txt │ │ ├── cv806_8842.txt │ │ ├── cv807_21740.txt │ │ ├── cv808_12635.txt │ │ ├── cv809_5009.txt │ │ ├── cv810_12458.txt │ │ ├── cv811_21386.txt │ │ ├── cv812_17924.txt │ │ ├── cv813_6534.txt │ │ ├── cv814_18975.txt │ │ ├── cv815_22456.txt │ │ ├── cv816_13655.txt │ │ ├── cv817_4041.txt │ │ ├── cv818_10211.txt │ │ ├── cv819_9364.txt │ │ ├── cv820_22892.txt │ │ ├── cv821_29364.txt │ │ ├── cv822_20049.txt │ │ ├── cv823_15569.txt │ │ ├── cv824_8838.txt │ │ ├── cv825_5063.txt │ │ ├── cv826_11834.txt │ │ ├── cv827_18331.txt │ │ ├── cv828_19831.txt │ │ ├── cv829_20289.txt │ │ ├── cv830_6014.txt │ │ ├── cv831_14689.txt │ │ ├── cv832_23275.txt │ │ ├── cv833_11053.txt │ │ ├── cv834_22195.txt │ │ ├── cv835_19159.txt │ │ ├── cv836_12968.txt │ │ ├── cv837_27325.txt │ │ ├── cv838_24728.txt │ │ ├── cv839_21467.txt │ │ ├── cv840_16321.txt │ │ ├── cv841_3967.txt │ │ ├── cv842_5866.txt │ │ ├── cv843_15544.txt │ │ ├── cv844_12690.txt │ │ ├── cv845_14290.txt │ │ ├── cv846_29497.txt │ │ ├── cv847_1941.txt │ │ ├── cv848_10036.txt │ │ ├── cv849_15729.txt │ │ ├── cv850_16466.txt │ │ ├── cv851_20469.txt │ │ ├── cv852_27523.txt │ │ ├── cv853_29233.txt │ │ ├── cv854_17740.txt │ │ ├── cv855_20661.txt │ │ ├── cv856_29013.txt │ │ ├── cv857_15958.txt │ │ ├── cv858_18819.txt │ │ ├── cv859_14107.txt │ │ ├── cv860_13853.txt │ │ ├── cv861_1198.txt │ │ ├── cv862_14324.txt │ │ ├── cv863_7424.txt │ │ ├── cv864_3416.txt │ │ ├── cv865_2895.txt │ │ ├── cv866_29691.txt │ │ ├── cv867_16661.txt │ │ ├── cv868_11948.txt │ │ ├── cv869_23611.txt │ │ ├── cv870_16348.txt │ │ ├── cv871_24888.txt │ │ ├── cv872_12591.txt │ │ ├── cv873_18636.txt │ │ ├── cv874_11236.txt │ │ ├── cv875_5754.txt │ │ ├── cv876_9390.txt │ │ ├── cv877_29274.txt │ │ ├── cv878_15694.txt │ │ ├── cv879_14903.txt │ │ ├── cv880_29800.txt │ │ ├── cv881_13254.txt │ │ ├── cv882_10026.txt │ │ ├── cv883_27751.txt │ │ ├── cv884_13632.txt │ │ ├── cv885_12318.txt │ │ ├── cv886_18177.txt │ │ ├── cv887_5126.txt │ │ ├── cv888_24435.txt │ │ ├── cv889_21430.txt │ │ ├── cv890_3977.txt │ │ ├── cv891_6385.txt │ │ ├── cv892_17576.txt │ │ ├── cv893_26269.txt │ │ ├── cv894_2068.txt │ │ ├── cv895_21022.txt │ │ ├── cv896_16071.txt │ │ ├── cv897_10837.txt │ │ ├── cv898_14187.txt │ │ ├── cv899_16014.txt │ │ ├── cv900_10331.txt │ │ ├── cv901_11017.txt │ │ ├── cv902_12256.txt │ │ ├── cv903_17822.txt │ │ ├── cv904_24353.txt │ │ ├── cv905_29114.txt │ │ ├── cv906_11491.txt │ │ ├── cv907_3541.txt │ │ ├── cv908_16009.txt │ │ ├── cv909_9960.txt │ │ ├── cv910_20488.txt │ │ ├── cv911_20260.txt │ │ ├── cv912_5674.txt │ │ ├── cv913_29252.txt │ │ ├── cv914_28742.txt │ │ ├── cv915_8841.txt │ │ ├── cv916_15467.txt │ │ ├── cv917_29715.txt │ │ ├── cv918_2693.txt │ │ ├── cv919_16380.txt │ │ ├── cv920_29622.txt │ │ ├── cv921_12747.txt │ │ ├── cv922_10073.txt │ │ ├── cv923_11051.txt │ │ ├── cv924_29540.txt │ │ ├── cv925_8969.txt │ │ ├── cv926_17059.txt │ │ ├── cv927_10681.txt │ │ ├── cv928_9168.txt │ │ ├── cv929_16908.txt │ │ ├── cv930_13475.txt │ │ ├── cv931_17563.txt │ │ ├── cv932_13401.txt │ │ ├── cv933_23776.txt │ │ ├── cv934_19027.txt │ │ ├── cv935_23841.txt │ │ ├── cv936_15954.txt │ │ ├── cv937_9811.txt │ │ ├── cv938_10220.txt │ │ ├── cv939_10583.txt │ │ ├── cv940_17705.txt │ │ ├── cv941_10246.txt │ │ ├── cv942_17082.txt │ │ ├── cv943_22488.txt │ │ ├── cv944_13521.txt │ │ ├── cv945_12160.txt │ │ ├── cv946_18658.txt │ │ ├── cv947_10601.txt │ │ ├── cv948_24606.txt │ │ ├── cv949_20112.txt │ │ ├── cv950_12350.txt │ │ ├── cv951_10926.txt │ │ ├── cv952_25240.txt │ │ ├── cv953_6836.txt │ │ ├── cv954_18628.txt │ │ ├── cv955_25001.txt │ │ ├── cv956_11609.txt │ │ ├── cv957_8737.txt │ │ ├── cv958_12162.txt │ │ ├── cv959_14611.txt │ │ ├── cv960_29007.txt │ │ ├── cv961_5682.txt │ │ ├── cv962_9803.txt │ │ ├── cv963_6895.txt │ │ ├── cv964_6021.txt │ │ ├── cv965_26071.txt │ │ ├── cv966_28832.txt │ │ ├── cv967_5788.txt │ │ ├── cv968_24218.txt │ │ ├── cv969_13250.txt │ │ ├── cv970_18450.txt │ │ ├── cv971_10874.txt │ │ ├── cv972_26417.txt │ │ ├── cv973_10066.txt │ │ ├── cv974_22941.txt │ │ ├── cv975_10981.txt │ │ ├── cv976_10267.txt │ │ ├── cv977_4938.txt │ │ ├── cv978_20929.txt │ │ ├── cv979_18921.txt │ │ ├── cv980_10953.txt │ │ ├── cv981_14989.txt │ │ ├── cv982_21103.txt │ │ ├── cv983_22928.txt │ │ ├── cv984_12767.txt │ │ ├── cv985_6359.txt │ │ ├── cv986_13527.txt │ │ ├── cv987_6965.txt │ │ ├── cv988_18740.txt │ │ ├── cv989_15824.txt │ │ ├── cv990_11591.txt │ │ ├── cv991_18645.txt │ │ ├── cv992_11962.txt │ │ ├── cv993_29737.txt │ │ ├── cv994_12270.txt │ │ ├── cv995_21821.txt │ │ ├── cv996_11592.txt │ │ ├── cv997_5046.txt │ │ ├── cv998_14111.txt │ │ └── cv999_13106.txt ├── vocab.txt └── word_embeddings_for_text.ipynb ├── README.md ├── Statistics ├── .ipynb_checkpoints │ ├── A_Gentle_Intro_to_Calculating_Normal_Summary_Stats-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Chi_Squared_Test_for_ML-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Data_Visualization_Methods_in_Python-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Estimation_Stats_for_ML-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Nonparametric_Stats-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Normality_Tests_in_Python-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Statistical_Data_Distributions-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Statistical_Hypothesis_Tests-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Statistical_Sampling_and_Resampling-checkpoint.ipynb │ ├── A_Gentle_Intro_to_Statistical_Tolerance_Intervals_in_ML-checkpoint.ipynb │ ├── A_Gentle_Intro_to_k_fold_cross_validation-checkpoint.ipynb │ ├── A_Gentle_Intro_to_the_Bootstrap_Method-checkpoint.ipynb │ ├── A_Gentle_Intro_to_the_Central_Limit_Theorem_for_ML-checkpoint.ipynb │ ├── A_Gentle_Intro_to_the_Law_of_Large_Numbers_in_ML-checkpoint.ipynb │ ├── A_Gentle_Introduction_to_Effect_Size_Measures_in_Python-checkpoint.ipynb │ ├── A_Gentle_Introduction_to_Statistical_Power_and_Power_Analysis_in_Python-checkpoint.ipynb │ ├── Confidence_Intervals_for_ML-checkpoint.ipynb │ ├── Critical_Values_for_Statistical_Hypothesis_Testing_in_Python-checkpoint.ipynb │ ├── Estimate_the_Number_of_Experiment_Repeats_for_Stochastic_Machine_Learning_Algorithms-checkpoint.ipynb │ ├── How_To_Generate_Random_Numbers_in_Python-checkpoint.ipynb │ ├── How_to_Calculate_Bootstrap_Confidence_Interval_for_ML_Results_in_Python-checkpoint.ipynb │ ├── How_to_Calculate_Nonparametric_Rank_Correlation_in_Python-checkpoint.ipynb │ ├── How_to_Calculate_the_5_Number_Summary_for_your_data-checkpoint.ipynb │ ├── How_to_Report_Classifier_Performance_with_Confidence_Intervals-checkpoint.ipynb │ ├── How_to_Transform_Data_to_Better_Fit_the_Normal_Distribution-checkpoint.ipynb │ ├── How_to_Use_Correlation_to_Understand_the_Relationship_Between_Variables-checkpoint.ipynb │ ├── How_to_Use_Parametric_Statistical_Significance_Tests_in_Python-checkpoint.ipynb │ ├── How_to_Use_Statistical_Significance_Tests_to_Interpret_ML_Results-checkpoint.ipynb │ ├── How_to_Use_Stats_to_Identify_Outliers_in_Data-checkpoint.ipynb │ ├── Intro_to_Nonparametric_Statistical_Significance_Tests_in_Python-checkpoint.ipynb │ ├── Intro_to_Random_Number_Generators_for_ML_in_Python-checkpoint.ipynb │ ├── Prediction_Intervals_for_ML-checkpoint.ipynb │ └── how_to_code_t_test_from_scratch-checkpoint.ipynb ├── A_Gentle_Intro_to_Calculating_Normal_Summary_Stats.ipynb ├── A_Gentle_Intro_to_Chi_Squared_Test_for_ML.ipynb ├── A_Gentle_Intro_to_Data_Visualization_Methods_in_Python.ipynb ├── A_Gentle_Intro_to_Estimation_Stats_for_ML.ipynb ├── A_Gentle_Intro_to_Nonparametric_Stats.ipynb ├── A_Gentle_Intro_to_Normality_Tests_in_Python.ipynb ├── A_Gentle_Intro_to_Statistical_Data_Distributions.ipynb ├── A_Gentle_Intro_to_Statistical_Hypothesis_Tests.ipynb ├── A_Gentle_Intro_to_Statistical_Sampling_and_Resampling.ipynb ├── A_Gentle_Intro_to_Statistical_Tolerance_Intervals_in_ML.ipynb ├── A_Gentle_Intro_to_k_fold_cross_validation.ipynb ├── A_Gentle_Intro_to_the_Bootstrap_Method.ipynb ├── A_Gentle_Intro_to_the_Central_Limit_Theorem_for_ML.ipynb ├── A_Gentle_Intro_to_the_Law_of_Large_Numbers_in_ML.ipynb ├── A_Gentle_Introduction_to_Effect_Size_Measures_in_Python.ipynb ├── A_Gentle_Introduction_to_Statistical_Power_and_Power_Analysis_in_Python.ipynb ├── Confidence_Intervals_for_ML.ipynb ├── Critical_Values_for_Statistical_Hypothesis_Testing_in_Python.ipynb ├── Estimate_the_Number_of_Experiment_Repeats_for_Stochastic_Machine_Learning_Algorithms.ipynb ├── How_To_Generate_Random_Numbers_in_Python.ipynb ├── How_to_Calculate_Bootstrap_Confidence_Interval_for_ML_Results_in_Python.ipynb ├── How_to_Calculate_Nonparametric_Rank_Correlation_in_Python.ipynb ├── How_to_Calculate_the_5_Number_Summary_for_your_data.ipynb ├── How_to_Report_Classifier_Performance_with_Confidence_Intervals.ipynb ├── How_to_Transform_Data_to_Better_Fit_the_Normal_Distribution.ipynb ├── How_to_Use_Correlation_to_Understand_the_Relationship_Between_Variables.ipynb ├── How_to_Use_Parametric_Statistical_Significance_Tests_in_Python.ipynb ├── How_to_Use_Statistical_Significance_Tests_to_Interpret_ML_Results.ipynb ├── How_to_Use_Stats_to_Identify_Outliers_in_Data.ipynb ├── Intro_to_Nonparametric_Statistical_Significance_Tests_in_Python.ipynb ├── Intro_to_Random_Number_Generators_for_ML_in_Python.ipynb ├── Prediction_Intervals_for_ML.ipynb ├── README.md ├── how_to_code_t_test_from_scratch.ipynb ├── pima-indians-diabetes.csv ├── results.csv ├── results1.csv └── results2.csv ├── Time-Series-Forecasting ├── .ipynb_checkpoints │ ├── 7_time_series_dataset_for_machine_learning-checkpoint.ipynb │ ├── backtest_machine_learning_models_for_time_series_forecasting-checkpoint.ipynb │ ├── basic_feature_engineering_with_time_series_data_in_python-checkpoint.ipynb │ ├── how_to_Grid_Search_ARIMA_model_hyperparameters_with_Python-checkpoint.ipynb │ ├── how_to_check_if_time_series_data_is_stationary_with_Python-checkpoint.ipynb │ ├── how_to_create_an_ARIMA_model_for_Time_Series_Forecasting_with_Python-checkpoint.ipynb │ ├── how_to_make_baseline_predictions_for_time_series_forecasting_with_python-checkpoint.ipynb │ ├── how_to_work_through_a_time_series_forecast_project-checkpoint.ipynb │ └── load_and_explore_time_series_data_in_python-checkpoint.ipynb ├── 7_time_series_dataset_for_machine_learning.ipynb ├── Daily-Female-Births-Dataset.png ├── Minimum-Daily-Temperatures.png ├── Monthly-Sun-Spot-Dataset.png ├── README.md ├── Shampoo-Sales-Dataset.png ├── backtest_machine_learning_models_for_time_series_forecasting.ipynb ├── basic_feature_engineering_with_time_series_data_in_python.ipynb ├── daily-minimum-temperatures-in-me.csv ├── daily-total-female-births.csv ├── how_to_Grid_Search_ARIMA_model_hyperparameters_with_Python.ipynb ├── how_to_check_if_time_series_data_is_stationary_with_Python.ipynb ├── how_to_create_an_ARIMA_model_for_Time_Series_Forecasting_with_Python.ipynb ├── how_to_make_baseline_predictions_for_time_series_forecasting_with_python.ipynb ├── how_to_work_through_a_time_series_forecast_project.ipynb ├── international-airline-passengers.csv ├── load_and_explore_time_series_data_in_python.ipynb ├── shampoo-sales.csv └── sunspots.csv └── XGBoost ├── .ipynb_checkpoints ├── avoid_overfitting_by_early_stopping_with_XGBoost_in_Python-checkpoint.ipynb ├── data_preparation_for_gradient_boosting_with_XGBoost_in_Python-checkpoint.ipynb ├── feature_importance_and_feature_selection_with_XGBoost_in_Python-checkpoint.ipynb ├── how_to_best_tune_multithreading_support_for_XGBoost_in_Python-checkpoint.ipynb ├── how_to_configure_the_gradient_boosting_algorithm-checkpoint.ipynb ├── how_to_evaluate_gradient_boosting_models_with_XGBoost_in_Python-checkpoint.ipynb ├── how_to_tune_the_number_and_size_of_decision_trees_with_XGBoost_in_Python-checkpoint.ipynb ├── stochastic_gradient_boosting_with_XGBoost_and_Scikitlearn_in_Python-checkpoint.ipynb └── tune_learning_rate_for_gradient_boosting_with_XGBoost_in_Python-checkpoint.ipynb ├── Abhishek-Thakur-Suggestions-for-Tuning-XGBoost.png ├── Owen-Zhang-Suggestions-for-Tuning-XGBoost.png ├── Owen-Zhang-Table-of-Suggestions-for-Hyperparameter-Tuning-of-XGBoost.png ├── Plot-of-Learning-Rate0.1-and-varying-the-Number-of-Trees-in-XGBoost.png ├── README.md ├── Tuning-Learning-Rate-and-Number-of-Trees-in-XGBoost.png ├── XGBoost-Time-to-Train-Model-on-1-to-32-Cores.png ├── XGBoost-Tune-Number-of-Threads-for-Single-Model.png ├── avoid_overfitting_by_early_stopping_with_XGBoost_in_Python.ipynb ├── colsample_bylevel.png ├── colsample_bytree.png ├── data_preparation_for_gradient_boosting_with_XGBoost_in_Python.ipynb ├── feature_importance_and_feature_selection_with_XGBoost_in_Python.ipynb ├── horse-colic.csv ├── how_to_best_tune_multithreading_support_for_XGBoost_in_Python.ipynb ├── how_to_configure_the_gradient_boosting_algorithm.ipynb ├── how_to_evaluate_gradient_boosting_models_with_XGBoost_in_Python.ipynb ├── how_to_tune_the_number_and_size_of_decision_trees_with_XGBoost_in_Python.ipynb ├── iris.csv ├── learning_rate.png ├── max_depth.png ├── n_estimators.png ├── n_estimators_vs_max_depth.png ├── pima-indians-diabetes.csv ├── stochastic_gradient_boosting_with_XGBoost_and_Scikitlearn_in_Python.ipynb ├── subsample.png ├── train.csv └── tune_learning_rate_for_gradient_boosting_with_XGBoost_in_Python.ipynb /Algorithms-From-Scratch/algorithm-test-harness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/algorithm-test-harness.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/backpropagation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/backpropagation.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/bagging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/bagging.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/data_banknote_authentication.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/data_banknote_authentication.csv -------------------------------------------------------------------------------- /Algorithms-From-Scratch/decision-tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/decision-tree.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/insurance.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/insurance.csv -------------------------------------------------------------------------------- /Algorithms-From-Scratch/ionosphere.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/ionosphere.csv -------------------------------------------------------------------------------- /Algorithms-From-Scratch/iris.data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/iris.data.csv -------------------------------------------------------------------------------- /Algorithms-From-Scratch/knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/knn.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/learning-vector-quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/learning-vector-quantization.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/linear-reg-SGD.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/linear-reg-SGD.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/logistic-reg-SGD.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/logistic-reg-SGD.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/naive-bayes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/naive-bayes.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/perceptron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/perceptron.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/performance-metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/performance-metrics.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/pima-indians-diabetes.data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/pima-indians-diabetes.data.csv -------------------------------------------------------------------------------- /Algorithms-From-Scratch/random-forest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/random-forest.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/resampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/resampling.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/resampling.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/resampling.pyc -------------------------------------------------------------------------------- /Algorithms-From-Scratch/simple-linear-regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/simple-linear-regression.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/sonar.all-data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/sonar.all-data.csv -------------------------------------------------------------------------------- /Algorithms-From-Scratch/stack-generalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/stack-generalization.py -------------------------------------------------------------------------------- /Algorithms-From-Scratch/wheat-seeds.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/wheat-seeds.csv -------------------------------------------------------------------------------- /Algorithms-From-Scratch/winequality-white.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Algorithms-From-Scratch/winequality-white.csv -------------------------------------------------------------------------------- /Deep-Learning/Network.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/Network.png -------------------------------------------------------------------------------- /Deep-Learning/Neuron.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/Neuron.png -------------------------------------------------------------------------------- /Deep-Learning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/README.md -------------------------------------------------------------------------------- /Deep-Learning/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/model.h5 -------------------------------------------------------------------------------- /Deep-Learning/model.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/model.json -------------------------------------------------------------------------------- /Deep-Learning/model.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/model.yaml -------------------------------------------------------------------------------- /Deep-Learning/pima-indians-diabetes.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/pima-indians-diabetes.csv -------------------------------------------------------------------------------- /Deep-Learning/save_and_load_keras_deep_learning_models.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/save_and_load_keras_deep_learning_models.ipynb -------------------------------------------------------------------------------- /Deep-Learning/sonar.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/sonar.csv -------------------------------------------------------------------------------- /Deep-Learning/weights-improvement-20-2.0518.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/weights-improvement-20-2.0518.hdf5 -------------------------------------------------------------------------------- /Deep-Learning/wonderland.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Deep-Learning/wonderland.txt -------------------------------------------------------------------------------- /Linear-Algebra/10_Examples_of_Linear_Algebra_in_ML.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/10_Examples_of_Linear_Algebra_in_ML.ipynb -------------------------------------------------------------------------------- /Linear-Algebra/A_Gentle_Introduction_to_SVD_for_ML.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/A_Gentle_Introduction_to_SVD_for_ML.ipynb -------------------------------------------------------------------------------- /Linear-Algebra/Basic_of_Mathematical_Notation_for_ML.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/Basic_of_Mathematical_Notation_for_ML.ipynb -------------------------------------------------------------------------------- /Linear-Algebra/Broadcasting_with_Numpy_Arrays.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/Broadcasting_with_Numpy_Arrays.ipynb -------------------------------------------------------------------------------- /Linear-Algebra/Calculate_PCA_from_Scratch_in_Python.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/Calculate_PCA_from_Scratch_in_Python.ipynb -------------------------------------------------------------------------------- /Linear-Algebra/Gentle_Introduction_to_Vectors_for_ML.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/Gentle_Introduction_to_Vectors_for_ML.ipynb -------------------------------------------------------------------------------- /Linear-Algebra/Greek-Alphabet.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/Greek-Alphabet.png -------------------------------------------------------------------------------- /Linear-Algebra/Introduction_to_Matrix_Factorization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/Introduction_to_Matrix_Factorization.ipynb -------------------------------------------------------------------------------- /Linear-Algebra/Linear_Algebra_Cheat_Sheet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/Linear_Algebra_Cheat_Sheet.ipynb -------------------------------------------------------------------------------- /Linear-Algebra/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/README.md -------------------------------------------------------------------------------- /Linear-Algebra/Sparse_Matrices_for_Machine_Learning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Linear-Algebra/Sparse_Matrices_for_Machine_Learning.ipynb -------------------------------------------------------------------------------- /Long-Short-Term-Memory/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/README.md -------------------------------------------------------------------------------- /Long-Short-Term-Memory/architecture_stacked_lstm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/architecture_stacked_lstm.png -------------------------------------------------------------------------------- /Long-Short-Term-Memory/cnn_LSTM_networks.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/cnn_LSTM_networks.ipynb -------------------------------------------------------------------------------- /Long-Short-Term-Memory/encoder_decoder_LSTM_networks.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/encoder_decoder_LSTM_networks.ipynb -------------------------------------------------------------------------------- /Long-Short-Term-Memory/pollution.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/pollution.csv -------------------------------------------------------------------------------- /Long-Short-Term-Memory/raw.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/raw.csv -------------------------------------------------------------------------------- /Long-Short-Term-Memory/reshape_input_data_LSTM_in_Keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/reshape_input_data_LSTM_in_Keras.ipynb -------------------------------------------------------------------------------- /Long-Short-Term-Memory/scale_data_for_LSTM_in_Python.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/scale_data_for_LSTM_in_Python.ipynb -------------------------------------------------------------------------------- /Long-Short-Term-Memory/shampoo-sales.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/shampoo-sales.csv -------------------------------------------------------------------------------- /Long-Short-Term-Memory/stacked_LSTM_networks.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Long-Short-Term-Memory/stacked_LSTM_networks.ipynb -------------------------------------------------------------------------------- /Machine-Learning-Python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-Python/README.md -------------------------------------------------------------------------------- /Machine-Learning-Python/feature_selection_ml_python.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-Python/feature_selection_ml_python.ipynb -------------------------------------------------------------------------------- /Machine-Learning-Python/load_ml_data_python.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-Python/load_ml_data_python.ipynb -------------------------------------------------------------------------------- /Machine-Learning-Python/pima-indians-diabetes.data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-Python/pima-indians-diabetes.data.csv -------------------------------------------------------------------------------- /Machine-Learning-R/.RData: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/.RData -------------------------------------------------------------------------------- /Machine-Learning-R/.Rhistory: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/.Rhistory -------------------------------------------------------------------------------- /Machine-Learning-R/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/README.md -------------------------------------------------------------------------------- /Machine-Learning-R/compare_performance_ml_algorithms_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/compare_performance_ml_algorithms_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/convex_optimization_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/convex_optimization_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/evaluate_ml_algorithms_with_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/evaluate_ml_algorithms_with_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/feature_selection_with_caret_r_package.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/feature_selection_with_caret_r_package.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/final_model.rds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/final_model.rds -------------------------------------------------------------------------------- /Machine-Learning-R/linear_classification_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/linear_classification_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/linear_regression_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/linear_regression_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/load_ml_data_into_r.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/load_ml_data_into_r.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/ml_evaluation_metrics.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/ml_evaluation_metrics.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/ml_project_template_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/ml_project_template_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/non_linear_classification_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/non_linear_classification_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/non_linear_regression_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/non_linear_regression_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/penalized_regression_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/penalized_regression_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/save_and_finalize_ml_model_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/save_and_finalize_ml_model_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/spot_check_ml_algorithms_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/spot_check_ml_algorithms_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/tune_ml_algorithms_in_R.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/tune_ml_algorithms_in_R.Rmd -------------------------------------------------------------------------------- /Machine-Learning-R/understand_data_in_R_visualization.Rmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Machine-Learning-R/understand_data_in_R_visualization.Rmd -------------------------------------------------------------------------------- /Natural-Language-Processing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/README.md -------------------------------------------------------------------------------- /Natural-Language-Processing/Word2Vec-Training-Models.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/Word2Vec-Training-Models.png -------------------------------------------------------------------------------- /Natural-Language-Processing/model.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/model.bin -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv000_29416.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv000_29416.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv001_19502.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv001_19502.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv002_17424.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv002_17424.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv003_12683.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv003_12683.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv004_12641.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv004_12641.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv005_29357.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv005_29357.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv006_17022.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv006_17022.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv007_4992.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv007_4992.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv008_29326.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv008_29326.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv009_29417.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv009_29417.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv010_29063.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv010_29063.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv011_13044.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv011_13044.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv012_29411.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv012_29411.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv013_10494.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv013_10494.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv014_15600.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv014_15600.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv015_29356.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv015_29356.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv016_4348.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv016_4348.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv017_23487.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv017_23487.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv018_21672.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv018_21672.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv019_16117.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv019_16117.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv020_9234.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv020_9234.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv021_17313.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv021_17313.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv022_14227.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv022_14227.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv023_13847.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv023_13847.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv024_7033.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv024_7033.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv025_29825.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv025_29825.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv026_29229.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv026_29229.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv027_26270.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv027_26270.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv028_26964.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv028_26964.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv029_19943.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv029_19943.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv030_22893.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv030_22893.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv031_19540.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv031_19540.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv032_23718.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv032_23718.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv033_25680.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv033_25680.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv034_29446.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv034_29446.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv035_3343.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv035_3343.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv036_18385.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv036_18385.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv037_19798.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv037_19798.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv038_9781.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv038_9781.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv039_5963.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv039_5963.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv040_8829.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv040_8829.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv041_22364.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv041_22364.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv042_11927.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv042_11927.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv043_16808.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv043_16808.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv044_18429.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv044_18429.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv045_25077.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv045_25077.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv046_10613.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv046_10613.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv047_18725.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv047_18725.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv048_18380.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv048_18380.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv049_21917.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv049_21917.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv050_12128.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv050_12128.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv051_10751.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv051_10751.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv052_29318.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv052_29318.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv053_23117.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv053_23117.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv054_4101.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv054_4101.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv055_8926.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv055_8926.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv056_14663.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv056_14663.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv057_7962.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv057_7962.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv058_8469.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv058_8469.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv059_28723.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv059_28723.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv060_11754.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv060_11754.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv061_9321.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv061_9321.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv062_24556.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv062_24556.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv063_28852.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv063_28852.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv064_25842.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv064_25842.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv065_16909.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv065_16909.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv066_11668.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv066_11668.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv067_21192.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv067_21192.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv068_14810.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv068_14810.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv069_11613.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv069_11613.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv070_13249.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv070_13249.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv071_12969.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv071_12969.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv072_5928.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv072_5928.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv073_23039.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv073_23039.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv074_7188.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv074_7188.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv075_6250.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv075_6250.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv076_26009.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv076_26009.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv077_23172.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv077_23172.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv078_16506.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv078_16506.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv079_12766.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv079_12766.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv080_14899.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv080_14899.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv081_18241.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv081_18241.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv082_11979.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv082_11979.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv083_25491.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv083_25491.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv084_15183.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv084_15183.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv085_15286.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv085_15286.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv086_19488.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv086_19488.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv087_2145.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv087_2145.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv088_25274.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv088_25274.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv089_12222.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv089_12222.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv090_0049.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv090_0049.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv091_7899.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv091_7899.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv092_27987.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv092_27987.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv093_15606.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv093_15606.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv094_27868.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv094_27868.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv095_28730.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv095_28730.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv096_12262.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv096_12262.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv097_26081.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv097_26081.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv098_17021.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv098_17021.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv099_11189.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv099_11189.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv100_12406.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv100_12406.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv101_10537.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv101_10537.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv102_8306.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv102_8306.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv103_11943.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv103_11943.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv104_19176.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv104_19176.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv105_19135.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv105_19135.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv106_18379.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv106_18379.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv107_25639.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv107_25639.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv108_17064.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv108_17064.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv109_22599.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv109_22599.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv110_27832.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv110_27832.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv111_12253.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv111_12253.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv112_12178.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv112_12178.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv113_24354.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv113_24354.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv114_19501.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv114_19501.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv115_26443.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv115_26443.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv116_28734.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv116_28734.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv117_25625.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv117_25625.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv118_28837.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv118_28837.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv119_9909.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv119_9909.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv120_3793.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv120_3793.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv121_18621.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv121_18621.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv122_7891.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv122_7891.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv123_12165.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv123_12165.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv124_3903.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv124_3903.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv125_9636.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv125_9636.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv126_28821.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv126_28821.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv127_16451.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv127_16451.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv128_29444.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv128_29444.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv129_18373.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv129_18373.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv130_18521.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv130_18521.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv131_11568.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv131_11568.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv132_5423.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv132_5423.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv133_18065.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv133_18065.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv134_23300.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv134_23300.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv135_12506.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv135_12506.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv136_12384.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv136_12384.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv137_17020.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv137_17020.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv138_13903.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv138_13903.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv139_14236.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv139_14236.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv140_7963.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv140_7963.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv141_17179.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv141_17179.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv142_23657.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv142_23657.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv143_21158.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv143_21158.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv144_5010.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv144_5010.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv145_12239.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv145_12239.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv146_19587.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv146_19587.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv147_22625.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv147_22625.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv148_18084.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv148_18084.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv149_17084.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv149_17084.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv150_14279.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv150_14279.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv151_17231.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv151_17231.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv152_9052.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv152_9052.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv153_11607.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv153_11607.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv154_9562.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv154_9562.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv155_7845.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv155_7845.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv156_11119.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv156_11119.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv157_29302.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv157_29302.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv158_10914.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv158_10914.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv159_29374.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv159_29374.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv160_10848.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv160_10848.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv161_12224.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv161_12224.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv162_10977.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv162_10977.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv163_10110.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv163_10110.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv164_23451.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv164_23451.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv165_2389.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv165_2389.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv166_11959.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv166_11959.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv167_18094.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv167_18094.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv168_7435.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv168_7435.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv169_24973.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv169_24973.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv170_29808.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv170_29808.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv171_15164.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv171_15164.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv172_12037.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv172_12037.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv173_4295.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv173_4295.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv174_9735.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv174_9735.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv175_7375.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv175_7375.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv176_14196.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv176_14196.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv177_10904.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv177_10904.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv178_14380.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv178_14380.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv179_9533.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv179_9533.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv180_17823.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv180_17823.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv181_16083.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv181_16083.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv182_7791.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv182_7791.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv183_19826.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv183_19826.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv184_26935.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv184_26935.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv185_28372.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv185_28372.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv186_2396.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv186_2396.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv187_14112.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv187_14112.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv188_20687.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv188_20687.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv189_24248.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv189_24248.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv190_27176.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv190_27176.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv191_29539.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv191_29539.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv192_16079.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv192_16079.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv193_5393.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv193_5393.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv194_12855.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv194_12855.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv195_16146.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv195_16146.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv196_28898.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv196_28898.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv197_29271.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv197_29271.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv198_19313.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv198_19313.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv199_9721.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv199_9721.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv200_29006.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv200_29006.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv201_7421.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv201_7421.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv202_11382.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv202_11382.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv203_19052.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv203_19052.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv204_8930.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv204_8930.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv205_9676.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv205_9676.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv208_9475.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv208_9475.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv210_9557.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv210_9557.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv211_9955.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv211_9955.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv228_5644.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv228_5644.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv230_7913.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv230_7913.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv245_8938.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv245_8938.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv254_5870.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv254_5870.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv258_5627.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv258_5627.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv270_5873.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv270_5873.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv280_8651.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv280_8651.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv282_6833.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv282_6833.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv289_6239.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv289_6239.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv292_7804.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv292_7804.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv305_9937.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv305_9937.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv308_5079.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv308_5079.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv316_5972.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv316_5972.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv320_9693.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv320_9693.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv324_7502.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv324_7502.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv331_8656.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv331_8656.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv333_9443.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv333_9443.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv334_0074.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv334_0074.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv338_9183.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv338_9183.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv344_5376.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv344_5376.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv345_9966.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv345_9966.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv352_5414.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv352_5414.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv354_8573.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv354_8573.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv359_6751.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv359_6751.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv360_8927.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv360_8927.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv370_5338.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv370_5338.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv371_8197.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv371_8197.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv372_6654.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv372_6654.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv375_9932.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv375_9932.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv377_8440.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv377_8440.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv380_8164.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv380_8164.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv382_8393.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv382_8393.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv389_9611.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv389_9611.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv394_5311.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv394_5311.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv403_6721.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv403_6721.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv408_5367.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv408_5367.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv413_7893.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv413_7893.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv421_9752.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv421_9752.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv422_9632.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv422_9632.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv424_9268.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv424_9268.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv425_8603.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv425_8603.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv429_7937.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv429_7937.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv431_7538.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv431_7538.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv434_5641.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv434_5641.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv438_8500.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv438_8500.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv444_9975.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv444_9975.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv449_9126.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv449_9126.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv450_8319.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv450_8319.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv452_5179.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv452_5179.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv458_9000.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv458_9000.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv473_7869.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv473_7869.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv479_5450.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv479_5450.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv481_7930.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv481_7930.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv486_9788.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv486_9788.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv498_9288.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv498_9288.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv507_9509.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv507_9509.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv513_7236.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv513_7236.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv521_1730.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv521_1730.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv522_5418.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv522_5418.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv532_6495.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv532_6495.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv533_9843.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv533_9843.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv540_3092.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv540_3092.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv543_5107.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv543_5107.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv544_5301.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv544_5301.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv552_0150.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv552_0150.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv559_0057.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv559_0057.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv561_9484.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv561_9484.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv566_8967.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv566_8967.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv582_6678.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv582_6678.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv586_8048.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv586_8048.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv596_4367.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv596_4367.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv602_8830.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv602_8830.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv607_8235.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv607_8235.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv611_2253.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv611_2253.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv612_5396.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv612_5396.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv617_9561.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv617_9561.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv618_9469.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv618_9469.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv620_2556.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv620_2556.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv622_8583.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv622_8583.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv626_7907.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv626_7907.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv631_4782.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv631_4782.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv632_9704.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv632_9704.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv635_0984.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv635_0984.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv640_5380.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv640_5380.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv653_2107.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv653_2107.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv664_4264.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv664_4264.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv670_2666.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv670_2666.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv671_5164.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv671_5164.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv681_9744.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv681_9744.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv685_5710.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv685_5710.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv688_7884.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv688_7884.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv690_5425.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv690_5425.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv691_5090.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv691_5090.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv694_4526.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv694_4526.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv699_7773.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv699_7773.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv719_5581.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv719_5581.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv720_5383.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv720_5383.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv722_7571.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv722_7571.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv723_9002.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv723_9002.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv726_4365.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv726_4365.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv727_5006.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv727_5006.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv731_3968.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv731_3968.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv733_9891.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv733_9891.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv742_8279.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv742_8279.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv754_7709.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv754_7709.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv758_9740.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv758_9740.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv760_8977.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv760_8977.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv766_7983.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv766_7983.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv769_8565.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv769_8565.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv780_8467.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv780_8467.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv781_5358.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv781_5358.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv792_3257.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv792_3257.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv797_7245.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv797_7245.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv803_8584.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv803_8584.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv806_9405.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv806_9405.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv809_5012.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv809_5012.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv813_6649.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv813_6649.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv817_3675.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv817_3675.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv819_9567.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv819_9567.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv824_9335.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv824_9335.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv825_5168.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv825_5168.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv830_5778.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv830_5778.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv841_3367.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv841_3367.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv842_5702.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv842_5702.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv863_7912.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv863_7912.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv864_3087.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv864_3087.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv875_5622.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv875_5622.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv876_9633.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv876_9633.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv887_5306.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv887_5306.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv890_3515.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv890_3515.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv891_6035.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv891_6035.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv898_1576.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv898_1576.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv907_3193.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv907_3193.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv909_9973.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv909_9973.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv912_5562.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv912_5562.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv914_2856.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv914_2856.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv915_9342.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv915_9342.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv925_9459.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv925_9459.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv928_9478.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv928_9478.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv929_1841.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv929_1841.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv937_9816.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv937_9816.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv953_7078.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv953_7078.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv957_9059.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv957_9059.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv961_5578.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv961_5578.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv962_9813.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv962_9813.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv963_7208.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv963_7208.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv964_5794.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv964_5794.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv967_5626.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv967_5626.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv977_4776.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv977_4776.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv979_2029.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv979_2029.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv985_5964.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv985_5964.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv987_7394.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv987_7394.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/neg/cv997_5152.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/neg/cv997_5152.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv007_4968.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv007_4968.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv016_4659.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv016_4659.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv020_8825.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv020_8825.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv024_6778.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv024_6778.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv025_3108.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv025_3108.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv035_3954.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv035_3954.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv038_9749.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv038_9749.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv039_6170.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv039_6170.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv040_8276.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv040_8276.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv047_1754.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv047_1754.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv054_4230.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv054_4230.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv055_8338.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv055_8338.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv057_7453.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv057_7453.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv058_8025.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv058_8025.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv061_8837.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv061_8837.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv072_6169.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv072_6169.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv074_6875.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv074_6875.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv075_6500.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv075_6500.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv085_1381.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv085_1381.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv087_1989.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv087_1989.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv090_0042.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv090_0042.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv091_7400.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv091_7400.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv102_7846.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv102_7846.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv119_9867.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv119_9867.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv120_4111.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv120_4111.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv122_7392.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv122_7392.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv124_4122.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv124_4122.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv125_9391.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv125_9391.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv132_5618.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv132_5618.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv140_7479.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv140_7479.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv144_5007.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv144_5007.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv152_8736.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv152_8736.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv154_9328.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv154_9328.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv155_7308.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv155_7308.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv168_7050.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv168_7050.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv170_3006.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv170_3006.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv173_4471.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv173_4471.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv174_9659.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv174_9659.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv175_6964.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv175_6964.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv179_9228.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv179_9228.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv182_7281.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv182_7281.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv184_2673.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv184_2673.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv186_2269.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv186_2269.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv193_5416.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv193_5416.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv199_9629.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv199_9629.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv200_2915.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv200_2915.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv201_6997.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv201_6997.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv204_8451.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv204_8451.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv205_9457.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv205_9457.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv208_9020.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv208_9020.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv210_9312.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv210_9312.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv211_9953.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv211_9953.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv221_2695.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv221_2695.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv226_2618.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv226_2618.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv228_5806.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv228_5806.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv230_7428.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv230_7428.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv239_3385.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv239_3385.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv245_8569.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv245_8569.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv254_6027.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv254_6027.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv258_5792.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv258_5792.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv270_6079.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv270_6079.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv280_8267.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv280_8267.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv282_6653.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv282_6653.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv289_6463.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv289_6463.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv292_7282.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv292_7282.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv305_9946.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv305_9946.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv308_5016.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv308_5016.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv316_6370.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv316_6370.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv320_9530.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv320_9530.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv324_7082.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv324_7082.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv331_8273.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv331_8273.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv333_8916.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv333_8916.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv338_8821.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv338_8821.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv344_5312.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv344_5312.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv345_9954.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv345_9954.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv352_5524.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv352_5524.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv354_8132.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv354_8132.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv359_6647.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv359_6647.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv360_8398.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv360_8398.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv370_5221.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv370_5221.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv371_7630.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv371_7630.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv372_6552.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv372_6552.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv375_9929.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv375_9929.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv377_7946.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv377_7946.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv380_7574.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv380_7574.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv382_7897.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv382_7897.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv389_9369.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv389_9369.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv394_5137.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv394_5137.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv399_2877.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv399_2877.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv403_6621.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv403_6621.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv408_5297.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv408_5297.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv413_7398.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv413_7398.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv421_9709.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv421_9709.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv422_9381.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv422_9381.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv424_8831.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv424_8831.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv425_8250.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv425_8250.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv429_7439.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv429_7439.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv431_7085.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv431_7085.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv434_5793.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv434_5793.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv438_8043.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv438_8043.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv444_9974.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv444_9974.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv449_8785.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv449_8785.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv450_7890.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv450_7890.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv452_5088.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv452_5088.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv454_2053.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv454_2053.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv458_8604.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv458_8604.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv473_7367.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv473_7367.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv479_5649.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv479_5649.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv481_7436.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv481_7436.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv486_9799.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv486_9799.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv498_8832.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv498_8832.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv507_9220.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv507_9220.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv513_6923.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv513_6923.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv522_5583.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv522_5583.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv532_6522.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv532_6522.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv533_9821.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv533_9821.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv540_3421.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv540_3421.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv543_5045.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv543_5045.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv544_5108.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv544_5108.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv559_0050.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv559_0050.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv561_9201.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv561_9201.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv566_8581.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv566_8581.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv582_6559.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv582_6559.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv586_7543.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv586_7543.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv602_8300.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv602_8300.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv604_2230.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv604_2230.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv607_7717.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv607_7717.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv610_2287.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv610_2287.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv612_5461.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv612_5461.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv617_9322.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv617_9322.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv618_8974.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv618_8974.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv622_8147.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv622_8147.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv626_7410.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv626_7410.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv631_4967.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv631_4967.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv632_9610.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv632_9610.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv637_1250.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv637_1250.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv638_2953.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv638_2953.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv640_5378.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv640_5378.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv661_2450.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv661_2450.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv664_4389.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv664_4389.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv671_5054.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv671_5054.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv681_9692.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv681_9692.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv685_5947.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv685_5947.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv688_7368.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv688_7368.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv690_5619.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv690_5619.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv691_5043.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv691_5043.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv694_4876.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv694_4876.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv699_7223.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv699_7223.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv719_5713.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv719_5713.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv720_5389.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv720_5389.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv722_7110.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv722_7110.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv723_8648.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv723_8648.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv726_4719.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv726_4719.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv727_4978.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv727_4978.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv731_4136.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv731_4136.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv733_9839.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv733_9839.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv742_7751.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv742_7751.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv754_7216.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv754_7216.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv758_9671.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv758_9671.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv760_8597.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv760_8597.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv766_7540.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv766_7540.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv769_8123.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv769_8123.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv780_7984.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv780_7984.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv781_5262.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv781_5262.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv792_3832.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv792_3832.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv797_6957.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv797_6957.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv803_8207.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv803_8207.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv806_8842.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv806_8842.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv809_5009.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv809_5009.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv813_6534.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv813_6534.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv817_4041.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv817_4041.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv819_9364.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv819_9364.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv824_8838.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv824_8838.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv825_5063.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv825_5063.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv830_6014.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv830_6014.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv841_3967.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv841_3967.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv842_5866.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv842_5866.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv847_1941.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv847_1941.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv861_1198.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv861_1198.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv863_7424.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv863_7424.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv864_3416.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv864_3416.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv865_2895.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv865_2895.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv875_5754.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv875_5754.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv876_9390.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv876_9390.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv887_5126.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv887_5126.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv890_3977.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv890_3977.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv891_6385.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv891_6385.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv894_2068.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv894_2068.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv907_3541.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv907_3541.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv909_9960.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv909_9960.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv912_5674.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv912_5674.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv915_8841.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv915_8841.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv918_2693.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv918_2693.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv925_8969.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv925_8969.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv928_9168.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv928_9168.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv937_9811.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv937_9811.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv953_6836.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv953_6836.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv957_8737.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv957_8737.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv961_5682.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv961_5682.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv962_9803.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv962_9803.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv963_6895.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv963_6895.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv964_6021.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv964_6021.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv967_5788.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv967_5788.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv977_4938.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv977_4938.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv985_6359.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv985_6359.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv987_6965.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv987_6965.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/txt_sentoken/pos/cv997_5046.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/txt_sentoken/pos/cv997_5046.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/vocab.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/vocab.txt -------------------------------------------------------------------------------- /Natural-Language-Processing/word_embeddings_for_text.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Natural-Language-Processing/word_embeddings_for_text.ipynb -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/README.md -------------------------------------------------------------------------------- /Statistics/A_Gentle_Intro_to_Chi_Squared_Test_for_ML.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/A_Gentle_Intro_to_Chi_Squared_Test_for_ML.ipynb -------------------------------------------------------------------------------- /Statistics/A_Gentle_Intro_to_Estimation_Stats_for_ML.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/A_Gentle_Intro_to_Estimation_Stats_for_ML.ipynb -------------------------------------------------------------------------------- /Statistics/A_Gentle_Intro_to_Nonparametric_Stats.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/A_Gentle_Intro_to_Nonparametric_Stats.ipynb -------------------------------------------------------------------------------- /Statistics/A_Gentle_Intro_to_k_fold_cross_validation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/A_Gentle_Intro_to_k_fold_cross_validation.ipynb -------------------------------------------------------------------------------- /Statistics/A_Gentle_Intro_to_the_Bootstrap_Method.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/A_Gentle_Intro_to_the_Bootstrap_Method.ipynb -------------------------------------------------------------------------------- /Statistics/Confidence_Intervals_for_ML.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/Confidence_Intervals_for_ML.ipynb -------------------------------------------------------------------------------- /Statistics/How_To_Generate_Random_Numbers_in_Python.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/How_To_Generate_Random_Numbers_in_Python.ipynb -------------------------------------------------------------------------------- /Statistics/Prediction_Intervals_for_ML.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/Prediction_Intervals_for_ML.ipynb -------------------------------------------------------------------------------- /Statistics/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/README.md -------------------------------------------------------------------------------- /Statistics/how_to_code_t_test_from_scratch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/how_to_code_t_test_from_scratch.ipynb -------------------------------------------------------------------------------- /Statistics/pima-indians-diabetes.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/pima-indians-diabetes.csv -------------------------------------------------------------------------------- /Statistics/results.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/results.csv -------------------------------------------------------------------------------- /Statistics/results1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/results1.csv -------------------------------------------------------------------------------- /Statistics/results2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Statistics/results2.csv -------------------------------------------------------------------------------- /Time-Series-Forecasting/Daily-Female-Births-Dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Time-Series-Forecasting/Daily-Female-Births-Dataset.png -------------------------------------------------------------------------------- /Time-Series-Forecasting/Minimum-Daily-Temperatures.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Time-Series-Forecasting/Minimum-Daily-Temperatures.png -------------------------------------------------------------------------------- /Time-Series-Forecasting/Monthly-Sun-Spot-Dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Time-Series-Forecasting/Monthly-Sun-Spot-Dataset.png -------------------------------------------------------------------------------- /Time-Series-Forecasting/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Time-Series-Forecasting/README.md -------------------------------------------------------------------------------- /Time-Series-Forecasting/Shampoo-Sales-Dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Time-Series-Forecasting/Shampoo-Sales-Dataset.png -------------------------------------------------------------------------------- /Time-Series-Forecasting/daily-total-female-births.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Time-Series-Forecasting/daily-total-female-births.csv -------------------------------------------------------------------------------- /Time-Series-Forecasting/shampoo-sales.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Time-Series-Forecasting/shampoo-sales.csv -------------------------------------------------------------------------------- /Time-Series-Forecasting/sunspots.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/Time-Series-Forecasting/sunspots.csv -------------------------------------------------------------------------------- /XGBoost/Abhishek-Thakur-Suggestions-for-Tuning-XGBoost.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/Abhishek-Thakur-Suggestions-for-Tuning-XGBoost.png -------------------------------------------------------------------------------- /XGBoost/Owen-Zhang-Suggestions-for-Tuning-XGBoost.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/Owen-Zhang-Suggestions-for-Tuning-XGBoost.png -------------------------------------------------------------------------------- /XGBoost/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/README.md -------------------------------------------------------------------------------- /XGBoost/XGBoost-Time-to-Train-Model-on-1-to-32-Cores.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/XGBoost-Time-to-Train-Model-on-1-to-32-Cores.png -------------------------------------------------------------------------------- /XGBoost/XGBoost-Tune-Number-of-Threads-for-Single-Model.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/XGBoost-Tune-Number-of-Threads-for-Single-Model.png -------------------------------------------------------------------------------- /XGBoost/colsample_bylevel.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/colsample_bylevel.png -------------------------------------------------------------------------------- /XGBoost/colsample_bytree.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/colsample_bytree.png -------------------------------------------------------------------------------- /XGBoost/horse-colic.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/horse-colic.csv -------------------------------------------------------------------------------- /XGBoost/iris.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/iris.csv -------------------------------------------------------------------------------- /XGBoost/learning_rate.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/learning_rate.png -------------------------------------------------------------------------------- /XGBoost/max_depth.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/max_depth.png -------------------------------------------------------------------------------- /XGBoost/n_estimators.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/n_estimators.png -------------------------------------------------------------------------------- /XGBoost/n_estimators_vs_max_depth.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/n_estimators_vs_max_depth.png -------------------------------------------------------------------------------- /XGBoost/pima-indians-diabetes.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/pima-indians-diabetes.csv -------------------------------------------------------------------------------- /XGBoost/subsample.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/subsample.png -------------------------------------------------------------------------------- /XGBoost/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/khanhnamle1994/applied-machine-learning/HEAD/XGBoost/train.csv --------------------------------------------------------------------------------