You are viewing a plain text version of this content. The canonical link for it is here.
Posted to commits@spark.apache.org by gu...@apache.org on 2020/07/14 02:26:32 UTC

[spark] branch master updated (90ac9f9 -> 4ad9bfd)

This is an automated email from the ASF dual-hosted git repository.

gurwls223 pushed a change to branch master
in repository https://gitbox.apache.org/repos/asf/spark.git.


    from 90ac9f9  [SPARK-32004][ALL] Drop references to slave
     add 4ad9bfd  [SPARK-32138] Drop Python 2.7, 3.4 and 3.5

No new revisions were added by this update.

Summary of changes:
 .github/workflows/master.yml                       |   3 +-
 .../org/apache/spark/api/python/SerDeUtil.scala    |  66 -----
 dev/create-release/releaseutils.py                 |   7 +-
 dev/github_jira_sync.py                            |  11 +-
 dev/lint-python                                    |  10 +-
 dev/merge_spark_pr.py                              |  12 +-
 dev/run-tests-jenkins.py                           |  12 +-
 dev/sparktestsupport/toposort.py                   |   3 +-
 docs/configuration.md                              |   2 +-
 docs/index.md                                      |   3 +-
 docs/rdd-programming-guide.md                      |  12 +-
 examples/src/main/python/als.py                    |   2 -
 examples/src/main/python/avro_inputformat.py       |   2 -
 examples/src/main/python/kmeans.py                 |   2 -
 examples/src/main/python/logistic_regression.py    |   2 -
 .../src/main/python/ml/aft_survival_regression.py  |   2 -
 examples/src/main/python/ml/als_example.py         |   8 +-
 .../src/main/python/ml/anova_selector_example.py   |   2 -
 examples/src/main/python/ml/anova_test_example.py  |   2 -
 examples/src/main/python/ml/binarizer_example.py   |   2 -
 .../main/python/ml/bisecting_k_means_example.py    |   2 -
 .../ml/bucketed_random_projection_lsh_example.py   |   2 -
 examples/src/main/python/ml/bucketizer_example.py  |   2 -
 .../src/main/python/ml/chi_square_test_example.py  |   2 -
 .../src/main/python/ml/chisq_selector_example.py   |   2 -
 examples/src/main/python/ml/correlation_example.py |   2 -
 .../src/main/python/ml/count_vectorizer_example.py |   2 -
 examples/src/main/python/ml/cross_validator.py     |   2 -
 examples/src/main/python/ml/dataframe_example.py   |   2 -
 examples/src/main/python/ml/dct_example.py         |   2 -
 .../ml/decision_tree_classification_example.py     |   2 -
 .../python/ml/decision_tree_regression_example.py  |   2 -
 .../main/python/ml/elementwise_product_example.py  |   2 -
 .../ml/estimator_transformer_param_example.py      |   2 -
 .../src/main/python/ml/feature_hasher_example.py   |   2 -
 .../src/main/python/ml/fm_classifier_example.py    |   2 -
 .../src/main/python/ml/fm_regressor_example.py     |   2 -
 .../src/main/python/ml/fvalue_selector_example.py  |   2 -
 examples/src/main/python/ml/fvalue_test_example.py |   2 -
 .../src/main/python/ml/gaussian_mixture_example.py |   2 -
 .../ml/generalized_linear_regression_example.py    |   2 -
 .../ml/gradient_boosted_tree_classifier_example.py |   2 -
 .../ml/gradient_boosted_tree_regressor_example.py  |   2 -
 .../src/main/python/ml/index_to_string_example.py  |   2 -
 examples/src/main/python/ml/interaction_example.py |   2 -
 .../main/python/ml/isotonic_regression_example.py  |   2 -
 examples/src/main/python/ml/kmeans_example.py      |   2 -
 examples/src/main/python/ml/lda_example.py         |   2 -
 .../ml/linear_regression_with_elastic_net.py       |   2 -
 examples/src/main/python/ml/linearsvc.py           |   2 -
 .../ml/logistic_regression_summary_example.py      |   2 -
 .../ml/logistic_regression_with_elastic_net.py     |   2 -
 .../src/main/python/ml/max_abs_scaler_example.py   |   2 -
 .../src/main/python/ml/min_hash_lsh_example.py     |   2 -
 .../src/main/python/ml/min_max_scaler_example.py   |   2 -
 ...ticlass_logistic_regression_with_elastic_net.py |   2 -
 .../ml/multilayer_perceptron_classification.py     |   2 -
 examples/src/main/python/ml/n_gram_example.py      |   2 -
 examples/src/main/python/ml/naive_bayes_example.py |   2 -
 examples/src/main/python/ml/normalizer_example.py  |   2 -
 examples/src/main/python/ml/one_vs_rest_example.py |   2 -
 .../src/main/python/ml/onehot_encoder_example.py   |   2 -
 examples/src/main/python/ml/pca_example.py         |   2 -
 .../main/python/ml/polynomial_expansion_example.py |   2 -
 .../main/python/ml/quantile_discretizer_example.py |   2 -
 .../python/ml/random_forest_classifier_example.py  |   2 -
 .../python/ml/random_forest_regressor_example.py   |   2 -
 examples/src/main/python/ml/rformula_example.py    |   2 -
 .../src/main/python/ml/robust_scaler_example.py    |   2 -
 examples/src/main/python/ml/sql_transformer.py     |   2 -
 .../src/main/python/ml/standard_scaler_example.py  |   2 -
 .../main/python/ml/stopwords_remover_example.py    |   2 -
 .../src/main/python/ml/string_indexer_example.py   |   2 -
 examples/src/main/python/ml/summarizer_example.py  |   2 -
 examples/src/main/python/ml/tf_idf_example.py      |   2 -
 examples/src/main/python/ml/tokenizer_example.py   |   2 -
 .../ml/variance_threshold_selector_example.py      |   2 -
 .../src/main/python/ml/vector_assembler_example.py |   2 -
 .../src/main/python/ml/vector_indexer_example.py   |   2 -
 .../src/main/python/ml/vector_size_hint_example.py |   2 -
 .../src/main/python/ml/vector_slicer_example.py    |   2 -
 examples/src/main/python/ml/word2vec_example.py    |   2 -
 .../mllib/binary_classification_metrics_example.py |   1 -
 .../main/python/mllib/bisecting_k_means_example.py |   2 -
 examples/src/main/python/mllib/correlations.py     |   2 -
 .../src/main/python/mllib/correlations_example.py  |   2 -
 .../mllib/decision_tree_classification_example.py  |   2 -
 .../mllib/decision_tree_regression_example.py      |   2 -
 .../python/mllib/elementwise_product_example.py    |   2 -
 .../main/python/mllib/gaussian_mixture_example.py  |   2 -
 .../main/python/mllib/gaussian_mixture_model.py    |   7 +-
 .../gradient_boosting_classification_example.py    |   2 -
 .../mllib/gradient_boosting_regression_example.py  |   2 -
 .../python/mllib/hypothesis_testing_example.py     |   2 -
 ...esis_testing_kolmogorov_smirnov_test_example.py |   2 -
 .../python/mllib/isotonic_regression_example.py    |   2 -
 examples/src/main/python/mllib/k_means_example.py  |   2 -
 .../mllib/kernel_density_estimation_example.py     |   2 -
 examples/src/main/python/mllib/kmeans.py           |   2 -
 .../mllib/latent_dirichlet_allocation_example.py   |   2 -
 .../mllib/linear_regression_with_sgd_example.py    |   2 -
 .../src/main/python/mllib/logistic_regression.py   |   2 -
 .../logistic_regression_with_lbfgs_example.py      |   2 -
 .../src/main/python/mllib/naive_bayes_example.py   |   2 -
 .../src/main/python/mllib/normalizer_example.py    |   2 -
 .../mllib/power_iteration_clustering_example.py    |   2 -
 .../mllib/random_forest_classification_example.py  |   2 -
 .../mllib/random_forest_regression_example.py      |   2 -
 .../src/main/python/mllib/random_rdd_generation.py |   2 -
 .../main/python/mllib/recommendation_example.py    |   2 -
 examples/src/main/python/mllib/sampled_rdds.py     |   2 -
 .../main/python/mllib/standard_scaler_example.py   |   2 -
 .../python/mllib/stratified_sampling_example.py    |   2 -
 .../main/python/mllib/streaming_k_means_example.py |   2 -
 .../mllib/streaming_linear_regression_example.py   |   2 -
 .../python/mllib/summary_statistics_example.py     |   2 -
 examples/src/main/python/mllib/tf_idf_example.py   |   2 -
 examples/src/main/python/mllib/word2vec.py         |   2 -
 examples/src/main/python/mllib/word2vec_example.py |   2 -
 examples/src/main/python/pagerank.py               |   2 -
 examples/src/main/python/parquet_inputformat.py    |   2 -
 examples/src/main/python/pi.py                     |   2 -
 examples/src/main/python/sort.py                   |   2 -
 examples/src/main/python/sql/arrow.py              |   9 -
 examples/src/main/python/sql/basic.py              |   2 -
 examples/src/main/python/sql/datasource.py         |   2 -
 examples/src/main/python/sql/hive.py               |   2 -
 .../sql/streaming/structured_kafka_wordcount.py    |   2 -
 .../sql/streaming/structured_network_wordcount.py  |   2 -
 .../structured_network_wordcount_windowed.py       |   2 -
 examples/src/main/python/status_api_demo.py        |   7 +-
 .../src/main/python/streaming/hdfs_wordcount.py    |   2 -
 .../src/main/python/streaming/network_wordcount.py |   2 -
 .../python/streaming/network_wordjoinsentiments.py |   2 -
 .../streaming/recoverable_network_wordcount.py     |   2 -
 .../main/python/streaming/sql_network_wordcount.py |   2 -
 .../python/streaming/stateful_network_wordcount.py |   2 -
 examples/src/main/python/transitive_closure.py     |   2 -
 examples/src/main/python/wordcount.py              |   2 -
 .../examples/streaming/kinesis_wordcount_asl.py    |   2 -
 python/pyspark/accumulators.py                     |   5 +-
 python/pyspark/broadcast.py                        |  10 +-
 python/pyspark/conf.py                             |  25 +-
 python/pyspark/context.py                          |  44 ++--
 python/pyspark/find_spark_home.py                  |  31 +--
 python/pyspark/java_gateway.py                     |   7 +-
 python/pyspark/ml/classification.py                |   8 +-
 python/pyspark/ml/common.py                        |   7 +-
 python/pyspark/ml/feature.py                       |  39 ++-
 python/pyspark/ml/fpm.py                           |   6 +-
 python/pyspark/ml/image.py                         |   3 +-
 python/pyspark/ml/linalg/__init__.py               |  33 +--
 python/pyspark/ml/param/__init__.py                |  25 +-
 python/pyspark/ml/param/_shared_params_code_gen.py |   2 -
 python/pyspark/ml/pipeline.py                      |   6 +-
 python/pyspark/ml/tests/test_feature.py            |   5 +-
 python/pyspark/ml/tests/test_param.py              |  15 +-
 python/pyspark/ml/tests/test_training_summary.py   |   5 +-
 python/pyspark/ml/tree.py                          |   6 +-
 python/pyspark/ml/tuning.py                        |   3 +-
 python/pyspark/ml/util.py                          |  20 +-
 python/pyspark/ml/wrapper.py                       |  12 +-
 python/pyspark/mllib/__init__.py                   |   2 -
 python/pyspark/mllib/clustering.py                 |  22 +-
 python/pyspark/mllib/common.py                     |   7 +-
 python/pyspark/mllib/feature.py                    |  19 +-
 python/pyspark/mllib/fpm.py                        |   7 +-
 python/pyspark/mllib/linalg/__init__.py            |  32 +--
 python/pyspark/mllib/linalg/distributed.py         |  35 ++-
 python/pyspark/mllib/stat/KernelDensity.py         |   5 -
 python/pyspark/mllib/stat/_statistics.py           |  14 +-
 python/pyspark/mllib/tests/test_linalg.py          |   5 +-
 python/pyspark/mllib/tree.py                       |   2 -
 python/pyspark/mllib/util.py                       |  14 +-
 python/pyspark/rdd.py                              |  39 +--
 python/pyspark/resultiterable.py                   |   5 +-
 python/pyspark/serializers.py                      |  50 +---
 python/pyspark/shell.py                            |   5 +-
 python/pyspark/sql/__init__.py                     |   3 -
 python/pyspark/sql/avro/functions.py               |   7 +-
 python/pyspark/sql/catalog.py                      |  10 +-
 python/pyspark/sql/column.py                       |  80 +++---
 python/pyspark/sql/conf.py                         |  10 +-
 python/pyspark/sql/context.py                      |  46 ++--
 python/pyspark/sql/dataframe.py                    | 272 +++++++++------------
 python/pyspark/sql/functions.py                    | 212 ++++++----------
 python/pyspark/sql/group.py                        |   8 +-
 python/pyspark/sql/pandas/conversion.py            |  24 +-
 python/pyspark/sql/pandas/functions.py             |  45 ++--
 python/pyspark/sql/pandas/serializers.py           |  13 +-
 python/pyspark/sql/readwriter.py                   |  39 ++-
 python/pyspark/sql/session.py                      |  45 ++--
 python/pyspark/sql/streaming.py                    |  28 +--
 python/pyspark/sql/tests/test_arrow.py             |  14 +-
 python/pyspark/sql/tests/test_column.py            |  10 +-
 python/pyspark/sql/tests/test_context.py           |   6 +-
 python/pyspark/sql/tests/test_functions.py         |   4 -
 .../pyspark/sql/tests/test_pandas_cogrouped_map.py |  15 +-
 .../pyspark/sql/tests/test_pandas_grouped_map.py   |  39 ++-
 python/pyspark/sql/tests/test_pandas_map.py        |   3 -
 python/pyspark/sql/tests/test_pandas_udf_scalar.py |  27 +-
 .../pyspark/sql/tests/test_pandas_udf_typehints.py | 252 +++++++------------
 python/pyspark/sql/tests/test_types.py             |  27 +-
 python/pyspark/sql/types.py                        | 101 ++------
 python/pyspark/sql/udf.py                          |  14 +-
 python/pyspark/sql/utils.py                        |  21 +-
 python/pyspark/streaming/context.py                |   2 -
 python/pyspark/streaming/dstream.py                |   7 +-
 python/pyspark/taskcontext.py                      |   4 -
 python/pyspark/testing/sqlutils.py                 |   7 +-
 python/pyspark/tests/test_profiler.py              |   6 +-
 python/pyspark/tests/test_rdd.py                   |  21 +-
 python/pyspark/tests/test_readwrite.py             | 183 --------------
 python/pyspark/tests/test_shuffle.py               |  13 +-
 python/pyspark/tests/test_taskcontext.py           |   7 +-
 python/pyspark/tests/test_util.py                  |   6 +-
 python/pyspark/tests/test_worker.py                |  27 +-
 python/pyspark/util.py                             |  42 ----
 python/pyspark/worker.py                           |  32 ++-
 python/run-tests.py                                |   9 +-
 python/setup.py                                    |  11 +-
 .../kubernetes/integration-tests/tests/pyfiles.py  |   3 -
 .../integration-tests/tests/worker_memory_check.py |   2 -
 sql/hive/src/test/resources/data/scripts/cat.py    |   1 -
 .../test/resources/data/scripts/dumpdata_script.py |   9 +-
 225 files changed, 735 insertions(+), 2033 deletions(-)


---------------------------------------------------------------------
To unsubscribe, e-mail: commits-unsubscribe@spark.apache.org
For additional commands, e-mail: commits-help@spark.apache.org