Skip to content

Instantly share code, notes, and snippets.

@r-ryantm
Created September 24, 2021 03:11
Show Gist options
  • Star 0 You must be signed in to star a gist
  • Fork 0 You must be signed in to fork a gist
  • Save r-ryantm/5a7e4900b319e78a65a8a12dacec8283 to your computer and use it in GitHub Desktop.
Save r-ryantm/5a7e4900b319e78a65a8a12dacec8283 to your computer and use it in GitHub Desktop.
/nix/store/l0v4y8d61r64lwpmdpbs1mr01j61dcr5-python3.8-databricks-connect-8.1.14
├── bin
│   ├── beeline
│   ├── beeline.cmd
│   ├── databricks-connect
│   ├── docker-image-tool.sh
│   ├── find-spark-home
│   ├── find-spark-home.cmd
│   ├── find_spark_home.py
│   ├── load-spark-env.cmd
│   ├── load-spark-env.sh
│   ├── pyspark
│   ├── pyspark2.cmd
│   ├── pyspark-bazel
│   ├── pyspark.cmd
│   ├── quicksilver
│   ├── run-example
│   ├── run-example.cmd
│   ├── spark-class
│   ├── spark-class2.cmd
│   ├── spark-class.cmd
│   ├── sparkR
│   ├── sparkR2.cmd
│   ├── sparkR.cmd
│   ├── spark-shell
│   ├── spark-shell2.cmd
│   ├── spark-shell-bazel
│   ├── spark-shell.cmd
│   ├── spark-sql
│   ├── spark-sql2.cmd
│   ├── spark-sql.cmd
│   ├── spark-submit
│   ├── spark-submit2.cmd
│   └── spark-submit.cmd
├── lib
│   └── python3.8
│   └── site-packages
│   ├── databricks_connect-8.1.14.dist-info
│   │   ├── direct_url.json
│   │   ├── entry_points.txt
│   │   ├── INSTALLER
│   │   ├── METADATA
│   │   ├── RECORD
│   │   ├── REQUESTED
│   │   ├── top_level.txt
│   │   └── WHEEL
│   └── pyspark
│   ├── accumulators.py
│   ├── accumulators.pyi
│   ├── bin
│   │   ├── beeline
│   │   ├── beeline.cmd
│   │   ├── docker-image-tool.sh
│   │   ├── find-spark-home
│   │   ├── find-spark-home.cmd
│   │   ├── load-spark-env.cmd
│   │   ├── load-spark-env.sh
│   │   ├── pyspark
│   │   ├── pyspark2.cmd
│   │   ├── pyspark-bazel
│   │   ├── pyspark.cmd
│   │   ├── quicksilver
│   │   ├── run-example
│   │   ├── run-example.cmd
│   │   ├── spark-class
│   │   ├── spark-class2.cmd
│   │   ├── spark-class.cmd
│   │   ├── sparkR
│   │   ├── sparkR2.cmd
│   │   ├── sparkR.cmd
│   │   ├── spark-shell
│   │   ├── spark-shell2.cmd
│   │   ├── spark-shell-bazel
│   │   ├── spark-shell.cmd
│   │   ├── spark-sql
│   │   ├── spark-sql2.cmd
│   │   ├── spark-sql.cmd
│   │   ├── spark-submit
│   │   ├── spark-submit2.cmd
│   │   └── spark-submit.cmd
│   ├── broadcast.py
│   ├── broadcast.pyi
│   ├── cloudpickle
│   │   ├── cloudpickle_fast.py
│   │   ├── cloudpickle.py
│   │   ├── compat.py
│   │   ├── __init__.py
│   │   └── __pycache__
│   │   ├── cloudpickle.cpython-38.pyc
│   │   ├── cloudpickle_fast.cpython-38.pyc
│   │   ├── compat.cpython-38.pyc
│   │   └── __init__.cpython-38.pyc
│   ├── conf
│   │   └── spark-defaults.conf
│   ├── conf.py
│   ├── conf.pyi
│   ├── context.py
│   ├── context.pyi
│   ├── daemon.py
│   ├── data
│   │   ├── graphx
│   │   │   ├── followers.txt
│   │   │   └── users.txt
│   │   ├── mllib
│   │   │   ├── als
│   │   │   │   ├── sample_movielens_ratings.txt
│   │   │   │   └── test.data
│   │   │   ├── gmm_data.txt
│   │   │   ├── images
│   │   │   │   ├── license.txt
│   │   │   │   ├── origin
│   │   │   │   │   ├── kittens
│   │   │   │   │   │   └── not-image.txt
│   │   │   │   │   └── license.txt
│   │   │   │   └── partitioned
│   │   │   │   └── cls=kittens
│   │   │   │   └── date=2018-01
│   │   │   │   └── not-image.txt
│   │   │   ├── iris_libsvm.txt
│   │   │   ├── kmeans_data.txt
│   │   │   ├── pagerank_data.txt
│   │   │   ├── pic_data.txt
│   │   │   ├── ridge-data
│   │   │   │   └── lpsa.data
│   │   │   ├── sample_binary_classification_data.txt
│   │   │   ├── sample_fpgrowth.txt
│   │   │   ├── sample_isotonic_regression_libsvm_data.txt
│   │   │   ├── sample_kmeans_data.txt
│   │   │   ├── sample_lda_data.txt
│   │   │   ├── sample_lda_libsvm_data.txt
│   │   │   ├── sample_libsvm_data.txt
│   │   │   ├── sample_linear_regression_data.txt
│   │   │   ├── sample_movielens_data.txt
│   │   │   ├── sample_multiclass_classification_data.txt
│   │   │   ├── sample_svm_data.txt
│   │   │   └── streaming_kmeans_data_test.txt
│   │   └── streaming
│   │   └── AFINN-111.txt
│   ├── databricks
│   │   ├── deprecated_func_usage_logger.py
│   │   ├── __init__.py
│   │   ├── iter_utils.py
│   │   ├── koalas
│   │   │   ├── __init__.py
│   │   │   ├── __pycache__
│   │   │   │   ├── __init__.cpython-38.pyc
│   │   │   │   └── usage_logger.cpython-38.pyc
│   │   │   └── usage_logger.py
│   │   ├── __pycache__
│   │   │   ├── deprecated_func_usage_logger.cpython-38.pyc
│   │   │   ├── __init__.cpython-38.pyc
│   │   │   └── iter_utils.cpython-38.pyc
│   │   └── utils
│   │   ├── __init__.py
│   │   ├── instrumentation.py
│   │   └── __pycache__
│   │   ├── __init__.cpython-38.pyc
│   │   └── instrumentation.cpython-38.pyc
│   ├── databricks_connect.py
│   ├── dbutils.py
│   ├── examples
│   │   └── src
│   │   └── main
│   │   └── python
│   │   ├── als.py
│   │   ├── avro_inputformat.py
│   │   ├── kmeans.py
│   │   ├── logistic_regression.py
│   │   ├── ml
│   │   │   ├── aft_survival_regression.py
│   │   │   ├── als_example.py
│   │   │   ├── binarizer_example.py
│   │   │   ├── bisecting_k_means_example.py
│   │   │   ├── bucketed_random_projection_lsh_example.py
│   │   │   ├── bucketizer_example.py
│   │   │   ├── chisq_selector_example.py
│   │   │   ├── chi_square_test_example.py
│   │   │   ├── correlation_example.py
│   │   │   ├── count_vectorizer_example.py
│   │   │   ├── cross_validator.py
│   │   │   ├── dataframe_example.py
│   │   │   ├── dct_example.py
│   │   │   ├── decision_tree_classification_example.py
│   │   │   ├── decision_tree_regression_example.py
│   │   │   ├── elementwise_product_example.py
│   │   │   ├── estimator_transformer_param_example.py
│   │   │   ├── feature_hasher_example.py
│   │   │   ├── fm_classifier_example.py
│   │   │   ├── fm_regressor_example.py
│   │   │   ├── fpgrowth_example.py
│   │   │   ├── gaussian_mixture_example.py
│   │   │   ├── generalized_linear_regression_example.py
│   │   │   ├── gradient_boosted_tree_classifier_example.py
│   │   │   ├── gradient_boosted_tree_regressor_example.py
│   │   │   ├── imputer_example.py
│   │   │   ├── index_to_string_example.py
│   │   │   ├── interaction_example.py
│   │   │   ├── isotonic_regression_example.py
│   │   │   ├── kmeans_example.py
│   │   │   ├── lda_example.py
│   │   │   ├── linear_regression_with_elastic_net.py
│   │   │   ├── linearsvc.py
│   │   │   ├── logistic_regression_summary_example.py
│   │   │   ├── logistic_regression_with_elastic_net.py
│   │   │   ├── max_abs_scaler_example.py
│   │   │   ├── min_hash_lsh_example.py
│   │   │   ├── min_max_scaler_example.py
│   │   │   ├── multiclass_logistic_regression_with_elastic_net.py
│   │   │   ├── multilayer_perceptron_classification.py
│   │   │   ├── naive_bayes_example.py
│   │   │   ├── n_gram_example.py
│   │   │   ├── normalizer_example.py
│   │   │   ├── onehot_encoder_example.py
│   │   │   ├── one_vs_rest_example.py
│   │   │   ├── pca_example.py
│   │   │   ├── pipeline_example.py
│   │   │   ├── polynomial_expansion_example.py
│   │   │   ├── power_iteration_clustering_example.py
│   │   │   ├── prefixspan_example.py
│   │   │   ├── __pycache__
│   │   │   │   ├── aft_survival_regression.cpython-38.pyc
│   │   │   │   ├── als_example.cpython-38.pyc
│   │   │   │   ├── binarizer_example.cpython-38.pyc
│   │   │   │   ├── bisecting_k_means_example.cpython-38.pyc
│   │   │   │   ├── bucketed_random_projection_lsh_example.cpython-38.pyc
│   │   │   │   ├── bucketizer_example.cpython-38.pyc
│   │   │   │   ├── chisq_selector_example.cpython-38.pyc
│   │   │   │   ├── chi_square_test_example.cpython-38.pyc
│   │   │   │   ├── correlation_example.cpython-38.pyc
│   │   │   │   ├── count_vectorizer_example.cpython-38.pyc
│   │   │   │   ├── cross_validator.cpython-38.pyc
│   │   │   │   ├── dataframe_example.cpython-38.pyc
│   │   │   │   ├── dct_example.cpython-38.pyc
│   │   │   │   ├── decision_tree_classification_example.cpython-38.pyc
│   │   │   │   ├── decision_tree_regression_example.cpython-38.pyc
│   │   │   │   ├── elementwise_product_example.cpython-38.pyc
│   │   │   │   ├── estimator_transformer_param_example.cpython-38.pyc
│   │   │   │   ├── feature_hasher_example.cpython-38.pyc
│   │   │   │   ├── fm_classifier_example.cpython-38.pyc
│   │   │   │   ├── fm_regressor_example.cpython-38.pyc
│   │   │   │   ├── fpgrowth_example.cpython-38.pyc
│   │   │   │   ├── gaussian_mixture_example.cpython-38.pyc
│   │   │   │   ├── generalized_linear_regression_example.cpython-38.pyc
│   │   │   │   ├── gradient_boosted_tree_classifier_example.cpython-38.pyc
│   │   │   │   ├── gradient_boosted_tree_regressor_example.cpython-38.pyc
│   │   │   │   ├── imputer_example.cpython-38.pyc
│   │   │   │   ├── index_to_string_example.cpython-38.pyc
│   │   │   │   ├── interaction_example.cpython-38.pyc
│   │   │   │   ├── isotonic_regression_example.cpython-38.pyc
│   │   │   │   ├── kmeans_example.cpython-38.pyc
│   │   │   │   ├── lda_example.cpython-38.pyc
│   │   │   │   ├── linear_regression_with_elastic_net.cpython-38.pyc
│   │   │   │   ├── linearsvc.cpython-38.pyc
│   │   │   │   ├── logistic_regression_summary_example.cpython-38.pyc
│   │   │   │   ├── logistic_regression_with_elastic_net.cpython-38.pyc
│   │   │   │   ├── max_abs_scaler_example.cpython-38.pyc
│   │   │   │   ├── min_hash_lsh_example.cpython-38.pyc
│   │   │   │   ├── min_max_scaler_example.cpython-38.pyc
│   │   │   │   ├── multiclass_logistic_regression_with_elastic_net.cpython-38.pyc
│   │   │   │   ├── multilayer_perceptron_classification.cpython-38.pyc
│   │   │   │   ├── naive_bayes_example.cpython-38.pyc
│   │   │   │   ├── n_gram_example.cpython-38.pyc
│   │   │   │   ├── normalizer_example.cpython-38.pyc
│   │   │   │   ├── onehot_encoder_example.cpython-38.pyc
│   │   │   │   ├── one_vs_rest_example.cpython-38.pyc
│   │   │   │   ├── pca_example.cpython-38.pyc
│   │   │   │   ├── pipeline_example.cpython-38.pyc
│   │   │   │   ├── polynomial_expansion_example.cpython-38.pyc
│   │   │   │   ├── power_iteration_clustering_example.cpython-38.pyc
│   │   │   │   ├── prefixspan_example.cpython-38.pyc
│   │   │   │   ├── quantile_discretizer_example.cpython-38.pyc
│   │   │   │   ├── random_forest_classifier_example.cpython-38.pyc
│   │   │   │   ├── random_forest_regressor_example.cpython-38.pyc
│   │   │   │   ├── rformula_example.cpython-38.pyc
│   │   │   │   ├── robust_scaler_example.cpython-38.pyc
│   │   │   │   ├── sql_transformer.cpython-38.pyc
│   │   │   │   ├── standard_scaler_example.cpython-38.pyc
│   │   │   │   ├── stopwords_remover_example.cpython-38.pyc
│   │   │   │   ├── string_indexer_example.cpython-38.pyc
│   │   │   │   ├── summarizer_example.cpython-38.pyc
│   │   │   │   ├── tf_idf_example.cpython-38.pyc
│   │   │   │   ├── tokenizer_example.cpython-38.pyc
│   │   │   │   ├── train_validation_split.cpython-38.pyc
│   │   │   │   ├── univariate_feature_selector_example.cpython-38.pyc
│   │   │   │   ├── variance_threshold_selector_example.cpython-38.pyc
│   │   │   │   ├── vector_assembler_example.cpython-38.pyc
│   │   │   │   ├── vector_indexer_example.cpython-38.pyc
│   │   │   │   ├── vector_size_hint_example.cpython-38.pyc
│   │   │   │   ├── vector_slicer_example.cpython-38.pyc
│   │   │   │   └── word2vec_example.cpython-38.pyc
│   │   │   ├── quantile_discretizer_example.py
│   │   │   ├── random_forest_classifier_example.py
│   │   │   ├── random_forest_regressor_example.py
│   │   │   ├── rformula_example.py
│   │   │   ├── robust_scaler_example.py
│   │   │   ├── sql_transformer.py
│   │   │   ├── standard_scaler_example.py
│   │   │   ├── stopwords_remover_example.py
│   │   │   ├── string_indexer_example.py
│   │   │   ├── summarizer_example.py
│   │   │   ├── tf_idf_example.py
│   │   │   ├── tokenizer_example.py
│   │   │   ├── train_validation_split.py
│   │   │   ├── univariate_feature_selector_example.py
│   │   │   ├── variance_threshold_selector_example.py
│   │   │   ├── vector_assembler_example.py
│   │   │   ├── vector_indexer_example.py
│   │   │   ├── vector_size_hint_example.py
│   │   │   ├── vector_slicer_example.py
│   │   │   └── word2vec_example.py
│   │   ├── mllib
│   │   │   ├── binary_classification_metrics_example.py
│   │   │   ├── bisecting_k_means_example.py
│   │   │   ├── correlations_example.py
│   │   │   ├── correlations.py
│   │   │   ├── decision_tree_classification_example.py
│   │   │   ├── decision_tree_regression_example.py
│   │   │   ├── elementwise_product_example.py
│   │   │   ├── fpgrowth_example.py
│   │   │   ├── gaussian_mixture_example.py
│   │   │   ├── gaussian_mixture_model.py
│   │   │   ├── gradient_boosting_classification_example.py
│   │   │   ├── gradient_boosting_regression_example.py
│   │   │   ├── hypothesis_testing_example.py
│   │   │   ├── hypothesis_testing_kolmogorov_smirnov_test_example.py
│   │   │   ├── isotonic_regression_example.py
│   │   │   ├── kernel_density_estimation_example.py
│   │   │   ├── k_means_example.py
│   │   │   ├── kmeans.py
│   │   │   ├── latent_dirichlet_allocation_example.py
│   │   │   ├── linear_regression_with_sgd_example.py
│   │   │   ├── logistic_regression.py
│   │   │   ├── logistic_regression_with_lbfgs_example.py
│   │   │   ├── multi_class_metrics_example.py
│   │   │   ├── multi_label_metrics_example.py
│   │   │   ├── naive_bayes_example.py
│   │   │   ├── normalizer_example.py
│   │   │   ├── pca_rowmatrix_example.py
│   │   │   ├── power_iteration_clustering_example.py
│   │   │   ├── __pycache__
│   │   │   │   ├── binary_classification_metrics_example.cpython-38.pyc
│   │   │   │   ├── bisecting_k_means_example.cpython-38.pyc
│   │   │   │   ├── correlations.cpython-38.pyc
│   │   │   │   ├── correlations_example.cpython-38.pyc
│   │   │   │   ├── decision_tree_classification_example.cpython-38.pyc
│   │   │   │   ├── decision_tree_regression_example.cpython-38.pyc
│   │   │   │   ├── elementwise_product_example.cpython-38.pyc
│   │   │   │   ├── fpgrowth_example.cpython-38.pyc
│   │   │   │   ├── gaussian_mixture_example.cpython-38.pyc
│   │   │   │   ├── gaussian_mixture_model.cpython-38.pyc
│   │   │   │   ├── gradient_boosting_classification_example.cpython-38.pyc
│   │   │   │   ├── gradient_boosting_regression_example.cpython-38.pyc
│   │   │   │   ├── hypothesis_testing_example.cpython-38.pyc
│   │   │   │   ├── hypothesis_testing_kolmogorov_smirnov_test_example.cpython-38.pyc
│   │   │   │   ├── isotonic_regression_example.cpython-38.pyc
│   │   │   │   ├── kernel_density_estimation_example.cpython-38.pyc
│   │   │   │   ├── kmeans.cpython-38.pyc
│   │   │   │   ├── k_means_example.cpython-38.pyc
│   │   │   │   ├── latent_dirichlet_allocation_example.cpython-38.pyc
│   │   │   │   ├── linear_regression_with_sgd_example.cpython-38.pyc
│   │   │   │   ├── logistic_regression.cpython-38.pyc
│   │   │   │   ├── logistic_regression_with_lbfgs_example.cpython-38.pyc
│   │   │   │   ├── multi_class_metrics_example.cpython-38.pyc
│   │   │   │   ├── multi_label_metrics_example.cpython-38.pyc
│   │   │   │   ├── naive_bayes_example.cpython-38.pyc
│   │   │   │   ├── normalizer_example.cpython-38.pyc
│   │   │   │   ├── pca_rowmatrix_example.cpython-38.pyc
│   │   │   │   ├── power_iteration_clustering_example.cpython-38.pyc
│   │   │   │   ├── random_forest_classification_example.cpython-38.pyc
│   │   │   │   ├── random_forest_regression_example.cpython-38.pyc
│   │   │   │   ├── random_rdd_generation.cpython-38.pyc
│   │   │   │   ├── ranking_metrics_example.cpython-38.pyc
│   │   │   │   ├── recommendation_example.cpython-38.pyc
│   │   │   │   ├── regression_metrics_example.cpython-38.pyc
│   │   │   │   ├── sampled_rdds.cpython-38.pyc
│   │   │   │   ├── standard_scaler_example.cpython-38.pyc
│   │   │   │   ├── stratified_sampling_example.cpython-38.pyc
│   │   │   │   ├── streaming_k_means_example.cpython-38.pyc
│   │   │   │   ├── streaming_linear_regression_example.cpython-38.pyc
│   │   │   │   ├── summary_statistics_example.cpython-38.pyc
│   │   │   │   ├── svd_example.cpython-38.pyc
│   │   │   │   ├── svm_with_sgd_example.cpython-38.pyc
│   │   │   │   ├── tf_idf_example.cpython-38.pyc
│   │   │   │   ├── word2vec.cpython-38.pyc
│   │   │   │   └── word2vec_example.cpython-38.pyc
│   │   │   ├── random_forest_classification_example.py
│   │   │   ├── random_forest_regression_example.py
│   │   │   ├── random_rdd_generation.py
│   │   │   ├── ranking_metrics_example.py
│   │   │   ├── recommendation_example.py
│   │   │   ├── regression_metrics_example.py
│   │   │   ├── sampled_rdds.py
│   │   │   ├── standard_scaler_example.py
│   │   │   ├── stratified_sampling_example.py
│   │   │   ├── streaming_k_means_example.py
│   │   │   ├── streaming_linear_regression_example.py
│   │   │   ├── summary_statistics_example.py
│   │   │   ├── svd_example.py
│   │   │   ├── svm_with_sgd_example.py
│   │   │   ├── tf_idf_example.py
│   │   │   ├── word2vec_example.py
│   │   │   └── word2vec.py
│   │   ├── pagerank.py
│   │   ├── parquet_inputformat.py
│   │   ├── pi.py
│   │   ├── __pycache__
│   │   │   ├── als.cpython-38.pyc
│   │   │   ├── avro_inputformat.cpython-38.pyc
│   │   │   ├── kmeans.cpython-38.pyc
│   │   │   ├── logistic_regression.cpython-38.pyc
│   │   │   ├── pagerank.cpython-38.pyc
│   │   │   ├── parquet_inputformat.cpython-38.pyc
│   │   │   ├── pi.cpython-38.pyc
│   │   │   ├── sort.cpython-38.pyc
│   │   │   ├── status_api_demo.cpython-38.pyc
│   │   │   ├── transitive_closure.cpython-38.pyc
│   │   │   └── wordcount.cpython-38.pyc
│   │   ├── sort.py
│   │   ├── sql
│   │   │   ├── arrow.py
│   │   │   ├── basic.py
│   │   │   ├── datasource.py
│   │   │   ├── hive.py
│   │   │   ├── __pycache__
│   │   │   │   ├── arrow.cpython-38.pyc
│   │   │   │   ├── basic.cpython-38.pyc
│   │   │   │   ├── datasource.cpython-38.pyc
│   │   │   │   └── hive.cpython-38.pyc
│   │   │   └── streaming
│   │   │   ├── __pycache__
│   │   │   │   ├── structured_kafka_wordcount.cpython-38.pyc
│   │   │   │   ├── structured_network_wordcount.cpython-38.pyc
│   │   │   │   └── structured_network_wordcount_windowed.cpython-38.pyc
│   │   │   ├── structured_kafka_wordcount.py
│   │   │   ├── structured_network_wordcount.py
│   │   │   └── structured_network_wordcount_windowed.py
│   │   ├── status_api_demo.py
│   │   ├── streaming
│   │   │   ├── hdfs_wordcount.py
│   │   │   ├── network_wordcount.py
│   │   │   ├── network_wordjoinsentiments.py
│   │   │   ├── __pycache__
│   │   │   │   ├── hdfs_wordcount.cpython-38.pyc
│   │   │   │   ├── network_wordcount.cpython-38.pyc
│   │   │   │   ├── network_wordjoinsentiments.cpython-38.pyc
│   │   │   │   ├── queue_stream.cpython-38.pyc
│   │   │   │   ├── recoverable_network_wordcount.cpython-38.pyc
│   │   │   │   ├── sql_network_wordcount.cpython-38.pyc
│   │   │   │   └── stateful_network_wordcount.cpython-38.pyc
│   │   │   ├── queue_stream.py
│   │   │   ├── recoverable_network_wordcount.py
│   │   │   ├── sql_network_wordcount.py
│   │   │   └── stateful_network_wordcount.py
│   │   ├── transitive_closure.py
│   │   └── wordcount.py
│   ├── files.py
│   ├── files.pyi
│   ├── find_spark_home.py
│   ├── _globals.py
│   ├── __init__.py
│   ├── __init__.pyi
│   ├── install.py
│   ├── jars
│   │   ├── accessors-smart-1.2.jar
│   │   ├── activation-1.1.1.jar
│   │   ├── aircompressor-0.10.jar
│   │   ├── algebra_2.12-2.0.0-M2.jar
│   │   ├── antlr4-runtime-4.8-1.jar
│   │   ├── antlr-runtime-3.5.2.jar
│   │   ├── aopalliance-repackaged-2.6.1.jar
│   │   ├── apacheds-i18n-2.0.0-M15.jar
│   │   ├── apacheds-kerberos-codec-2.0.0-M15.jar
│   │   ├── api-asn1-api-1.0.0-M20.jar
│   │   ├── api-util-1.0.0-M20.jar
│   │   ├── arpack_combined_all-0.1.jar
│   │   ├── arrow-format-2.0.0.jar
│   │   ├── arrow-memory-core-2.0.0.jar
│   │   ├── arrow-memory-netty-2.0.0.jar
│   │   ├── arrow-vector-2.0.0.jar
│   │   ├── asm-5.0.4.jar
│   │   ├── audience-annotations-0.5.0.jar
│   │   ├── avro-1.8.2.jar
│   │   ├── avro-ipc-1.8.2.jar
│   │   ├── avro-mapred-1.8.2-hadoop2.jar
│   │   ├── bonecp-0.8.0.RELEASE.jar
│   │   ├── breeze_2.12-1.0.jar
│   │   ├── breeze-macros_2.12-1.0.jar
│   │   ├── cats-kernel_2.12-2.0.0-M4.jar
│   │   ├── chill_2.12-0.9.5.jar
│   │   ├── chill-java-0.9.5.jar
│   │   ├── commons-beanutils-1.9.4.jar
│   │   ├── commons-cli-1.2.jar
│   │   ├── commons-codec-1.10.jar
│   │   ├── commons-collections-3.2.2.jar
│   │   ├── commons-compiler-3.0.16.jar
│   │   ├── commons-compress-1.20.jar
│   │   ├── commons-configuration-1.6.jar
│   │   ├── commons-crypto-1.1.0.jar
│   │   ├── commons-dbcp-1.4.jar
│   │   ├── commons-digester-1.8.jar
│   │   ├── commons-httpclient-3.1.jar
│   │   ├── commons-io-2.4.jar
│   │   ├── commons-lang-2.6.jar
│   │   ├── commons-lang3-3.10.jar
│   │   ├── commons-logging-1.1.3.jar
│   │   ├── commons-math3-3.4.1.jar
│   │   ├── commons-net-3.1.jar
│   │   ├── commons-pool-1.5.4.jar
│   │   ├── commons-pool2-2.6.2.jar
│   │   ├── commons-text-1.6.jar
│   │   ├── compress-lzf-1.0.3.jar
│   │   ├── content-type-2.0.jar
│   │   ├── core-1.1.2.jar
│   │   ├── curator-client-2.7.1.jar
│   │   ├── curator-framework-2.7.1.jar
│   │   ├── curator-recipes-2.7.1.jar
│   │   ├── datanucleus-api-jdo-4.2.4.jar
│   │   ├── datanucleus-core-4.1.17.jar
│   │   ├── datanucleus-rdbms-4.1.19.jar
│   │   ├── derby-10.12.1.1.jar
│   │   ├── dropwizard-metrics-hadoop-metrics2-reporter-0.1.2.jar
│   │   ├── fastparse_2.12-0.4.4.jar
│   │   ├── fastparse-utils_2.12-0.4.4.jar
│   │   ├── flatbuffers-java-1.9.0.jar
│   │   ├── gson-2.2.4.jar
│   │   ├── guava-15.0.jar
│   │   ├── hadoop-annotations-2.7.4.jar
│   │   ├── hadoop-auth-2.7.4.jar
│   │   ├── hadoop-client-2.7.4.jar
│   │   ├── hadoop-common-2.7.4.jar
│   │   ├── hadoop-hdfs-2.7.4.jar
│   │   ├── hadoop-mapreduce-client-app-2.7.4.jar
│   │   ├── hadoop-mapreduce-client-common-2.7.4.jar
│   │   ├── hadoop-mapreduce-client-core-2.7.4.jar
│   │   ├── hadoop-mapreduce-client-jobclient-2.7.4.jar
│   │   ├── hadoop-mapreduce-client-shuffle-2.7.4.jar
│   │   ├── hadoop-yarn-api-2.7.4.jar
│   │   ├── hadoop-yarn-client-2.7.4.jar
│   │   ├── hadoop-yarn-common-2.7.4.jar
│   │   ├── hadoop-yarn-server-common-2.7.4.jar
│   │   ├── HikariCP-2.5.1.jar
│   │   ├── hive-common-2.3.7.jar
│   │   ├── hive-exec-2.3.7-core.jar
│   │   ├── hive-llap-common-2.3.7.jar
│   │   ├── hive-metastore-2.3.7.jar
│   │   ├── hive-serde-2.3.7.jar
│   │   ├── hive-shims-0.23-2.3.7.jar
│   │   ├── hive-shims-2.3.7.jar
│   │   ├── hive-shims-common-2.3.7.jar
│   │   ├── hive-shims-scheduler-2.3.7.jar
│   │   ├── hive-storage-api-2.7.2.jar
│   │   ├── hive-vector-code-gen-2.3.7.jar
│   │   ├── hk2-api-2.6.1.jar
│   │   ├── hk2-locator-2.6.1.jar
│   │   ├── hk2-utils-2.6.1.jar
│   │   ├── htrace-core-3.1.0-incubating.jar
│   │   ├── httpclient-4.5.6.jar
│   │   ├── httpcore-4.4.12.jar
│   │   ├── istack-commons-runtime-3.0.8.jar
│   │   ├── ivy-2.4.0.jar
│   │   ├── jackson-annotations-2.10.0.jar
│   │   ├── jackson-core-2.10.0.jar
│   │   ├── jackson-core-asl-1.9.13.jar
│   │   ├── jackson-databind-2.10.0.jar
│   │   ├── jackson-jaxrs-1.9.13.jar
│   │   ├── jackson-mapper-asl-1.9.13.jar
│   │   ├── jackson-module-paranamer-2.10.0.jar
│   │   ├── jackson-module-scala_2.12-2.10.0.jar
│   │   ├── jackson-xc-1.9.13.jar
│   │   ├── jakarta.annotation-api-1.3.5.jar
│   │   ├── jakarta.inject-2.6.1.jar
│   │   ├── jakarta.servlet-api-4.0.3.jar
│   │   ├── jakarta.validation-api-2.0.2.jar
│   │   ├── jakarta.ws.rs-api-2.1.6.jar
│   │   ├── jakarta.xml.bind-api-2.3.2.jar
│   │   ├── janino-3.0.16.jar
│   │   ├── javassist-3.25.0-GA.jar
│   │   ├── javax.jdo-3.2.0-m3.jar
│   │   ├── javax.mail-1.6.1.jar
│   │   ├── javolution-5.5.1.jar
│   │   ├── jaxb-api-2.2.2.jar
│   │   ├── jaxb-runtime-2.3.2.jar
│   │   ├── jcip-annotations-1.0-1.jar
│   │   ├── jcl-over-slf4j-1.7.30.jar
│   │   ├── jdo-api-3.0.1.jar
│   │   ├── jersey-client-2.30.jar
│   │   ├── jersey-common-2.30.jar
│   │   ├── jersey-container-servlet-2.30.jar
│   │   ├── jersey-container-servlet-core-2.30.jar
│   │   ├── jersey-hk2-2.30.jar
│   │   ├── jersey-media-jaxb-2.30.jar
│   │   ├── jersey-server-2.30.jar
│   │   ├── jetty-sslengine-6.1.26.jar
│   │   ├── jetty-util-6.1.26.jar
│   │   ├── JLargeArrays-1.5.jar
│   │   ├── jline-2.14.6.jar
│   │   ├── joda-time-2.10.5.jar
│   │   ├── jodd-core-3.5.2.jar
│   │   ├── json-1.8.jar
│   │   ├── json4s-ast_2.12-3.7.0-M5.jar
│   │   ├── json4s-core_2.12-3.7.0-M5.jar
│   │   ├── json4s-jackson_2.12-3.7.0-M5.jar
│   │   ├── json4s-scalap_2.12-3.7.0-M5.jar
│   │   ├── json-smart-2.3.jar
│   │   ├── jsp-api-2.1.jar
│   │   ├── jsr305-3.0.0.jar
│   │   ├── jta-1.1.jar
│   │   ├── JTransforms-3.1.jar
│   │   ├── jul-to-slf4j-1.7.30.jar
│   │   ├── kryo-shaded-4.0.2.jar
│   │   ├── lang-tag-1.4.4.jar
│   │   ├── lenses_2.12-0.4.12.jar
│   │   ├── leveldbjni-all-1.8.jar
│   │   ├── libfb303-0.9.3.jar
│   │   ├── libthrift-0.12.0.jar
│   │   ├── log4j-1.2.17.jar
│   │   ├── lz4-java-1.7.1.jar
│   │   ├── machinist_2.12-0.6.8.jar
│   │   ├── macro-compat_2.12-1.1.1.jar
│   │   ├── metrics-core-4.1.1.jar
│   │   ├── metrics-graphite-4.1.1.jar
│   │   ├── metrics-jmx-4.1.1.jar
│   │   ├── metrics-json-4.1.1.jar
│   │   ├── metrics-jvm-4.1.1.jar
│   │   ├── minlog-1.3.0.jar
│   │   ├── msal4j-1.8.1.jar
│   │   ├── netty-all-4.1.51.Final.jar
│   │   ├── nimbus-jose-jwt-8.14.1.jar
│   │   ├── oauth2-oidc-sdk-7.4.jar
│   │   ├── objenesis-2.5.1.jar
│   │   ├── opencsv-2.3.jar
│   │   ├── orc-core-1.5.12.jar
│   │   ├── orc-mapreduce-1.5.12.jar
│   │   ├── orc-shims-1.5.12.jar
│   │   ├── oro-2.0.8.jar
│   │   ├── osgi-resource-locator-1.0.3.jar
│   │   ├── paranamer-2.8.jar
│   │   ├── parquet-column-1.10.1-databricks6.jar
│   │   ├── parquet-common-1.10.1-databricks6.jar
│   │   ├── parquet-encoding-1.10.1-databricks6.jar
│   │   ├── parquet-format-2.4.0.jar
│   │   ├── parquet-hadoop-1.10.1-databricks6.jar
│   │   ├── parquet-jackson-1.10.1-databricks6.jar
│   │   ├── protobuf-java-2.6.1.jar
│   │   ├── py4j_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── pyrolite-4.30.jar
│   │   ├── RoaringBitmap-0.9.0.jar
│   │   ├── rocksdbjni-6.2.2.jar
│   │   ├── scala-collection-compat_2.12-2.1.1.jar
│   │   ├── scala-compiler-2.12.10.jar
│   │   ├── scala-library-2.12.10.jar
│   │   ├── scala-parser-combinators_2.12-1.1.2.jar
│   │   ├── scalapb-runtime_2.12-0.6.6.jar
│   │   ├── scala-reflect-2.12.10.jar
│   │   ├── scala-xml_2.12-1.2.0.jar
│   │   ├── shapeless_2.12-2.3.3.jar
│   │   ├── shims-0.9.0.jar
│   │   ├── simpleclient-0.0.16.jar
│   │   ├── slf4j-api-1.7.30.jar
│   │   ├── slf4j-log4j12-1.7.30.jar
│   │   ├── snappy-java-1.1.8.2.jar
│   │   ├── sourcecode_2.12-0.1.9.jar
│   │   ├── spark-catalyst_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-core_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-graphx_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-hive_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-kvstore_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-launcher_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-mllib_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-mllib-local_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-network-common_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-network-shuffle_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-repl_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-sketch_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-sql_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-sql-dw-integration-tests_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-streaming_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-tags_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spark-unsafe_2.12-3.1.1-SNAPSHOT.jar
│   │   ├── spire_2.12-0.17.0-M1.jar
│   │   ├── spire-macros_2.12-0.17.0-M1.jar
│   │   ├── spire-platform_2.12-0.17.0-M1.jar
│   │   ├── spire-util_2.12-0.17.0-M1.jar
│   │   ├── ST4-4.0.4.jar
│   │   ├── stax-api-1.0.1.jar
│   │   ├── stax-api-1.0-2.jar
│   │   ├── stream-2.9.6.jar
│   │   ├── threeten-extra-1.5.0.jar
│   │   ├── transaction-api-1.1.jar
│   │   ├── univocity-parsers-2.9.1.jar
│   │   ├── velocity-1.5.jar
│   │   ├── xbean-asm7-shaded-4.15.jar
│   │   ├── xercesImpl-2.12.0.jar
│   │   ├── xml-apis-1.4.01.jar
│   │   ├── xmlenc-0.52.jar
│   │   ├── xz-1.5.jar
│   │   ├── zookeeper-3.4.14.jar
│   │   └── zstd-jni-1.4.8-1.jar
│   ├── java_gateway.py
│   ├── join.py
│   ├── licenses
│   │   ├── LICENSE-AnchorJS.txt
│   │   ├── LICENSE-bootstrap.txt
│   │   ├── LICENSE-CC0.txt
│   │   ├── LICENSE-cloudpickle.txt
│   │   ├── LICENSE-computed-style-to-inline-style.txt
│   │   ├── LICENSE-copybutton.txt
│   │   ├── LICENSE-d3.min.js.txt
│   │   ├── LICENSE-dagre-d3.txt
│   │   ├── LICENSE-datatables.txt
│   │   ├── LICENSE-font-awesome.txt
│   │   ├── LICENSE-graphlib-dot.txt
│   │   ├── LICENSE-html2canvas.txt
│   │   ├── LICENSE-join.txt
│   │   ├── LICENSE-jquery.txt
│   │   ├── LICENSE-json-formatter.txt
│   │   ├── LICENSE-matchMedia-polyfill.txt
│   │   ├── LICENSE-modernizr.txt
│   │   ├── LICENSE-mustache.txt
│   │   ├── LICENSE-py4j.txt
│   │   ├── LICENSE-respond.txt
│   │   ├── LICENSE-sbt-launch-lib.txt
│   │   ├── LICENSE-sorttable.js.txt
│   │   └── LICENSE-vis-timeline.txt
│   ├── ml
│   │   ├── base.py
│   │   ├── base.pyi
│   │   ├── classification.py
│   │   ├── classification.pyi
│   │   ├── clustering.py
│   │   ├── clustering.pyi
│   │   ├── common.py
│   │   ├── common.pyi
│   │   ├── evaluation.py
│   │   ├── evaluation.pyi
│   │   ├── feature.py
│   │   ├── feature.pyi
│   │   ├── fpm.py
│   │   ├── fpm.pyi
│   │   ├── functions.py
│   │   ├── functions.pyi
│   │   ├── image.py
│   │   ├── image.pyi
│   │   ├── __init__.py
│   │   ├── linalg
│   │   │   ├── __init__.py
│   │   │   ├── __init__.pyi
│   │   │   └── __pycache__
│   │   │   └── __init__.cpython-38.pyc
│   │   ├── param
│   │   │   ├── __init__.py
│   │   │   ├── __init__.pyi
│   │   │   ├── __pycache__
│   │   │   │   ├── __init__.cpython-38.pyc
│   │   │   │   ├── shared.cpython-38.pyc
│   │   │   │   └── _shared_params_code_gen.cpython-38.pyc
│   │   │   ├── _shared_params_code_gen.py
│   │   │   ├── _shared_params_code_gen.pyi
│   │   │   ├── shared.py
│   │   │   └── shared.pyi
│   │   ├── pipeline.py
│   │   ├── pipeline.pyi
│   │   ├── __pycache__
│   │   │   ├── base.cpython-38.pyc
│   │   │   ├── classification.cpython-38.pyc
│   │   │   ├── clustering.cpython-38.pyc
│   │   │   ├── common.cpython-38.pyc
│   │   │   ├── evaluation.cpython-38.pyc
│   │   │   ├── feature.cpython-38.pyc
│   │   │   ├── fpm.cpython-38.pyc
│   │   │   ├── functions.cpython-38.pyc
│   │   │   ├── image.cpython-38.pyc
│   │   │   ├── __init__.cpython-38.pyc
│   │   │   ├── pipeline.cpython-38.pyc
│   │   │   ├── recommendation.cpython-38.pyc
│   │   │   ├── regression.cpython-38.pyc
│   │   │   ├── stat.cpython-38.pyc
│   │   │   ├── tree.cpython-38.pyc
│   │   │   ├── tuning.cpython-38.pyc
│   │   │   ├── util.cpython-38.pyc
│   │   │   └── wrapper.cpython-38.pyc
│   │   ├── recommendation.py
│   │   ├── recommendation.pyi
│   │   ├── regression.py
│   │   ├── regression.pyi
│   │   ├── stat.py
│   │   ├── stat.pyi
│   │   ├── tree.py
│   │   ├── tree.pyi
│   │   ├── tuning.py
│   │   ├── tuning.pyi
│   │   ├── _typing.pyi
│   │   ├── util.py
│   │   ├── util.pyi
│   │   ├── wrapper.py
│   │   └── wrapper.pyi
│   ├── mllib
│   │   ├── classification.py
│   │   ├── classification.pyi
│   │   ├── clustering.py
│   │   ├── clustering.pyi
│   │   ├── common.py
│   │   ├── common.pyi
│   │   ├── evaluation.py
│   │   ├── evaluation.pyi
│   │   ├── feature.py
│   │   ├── feature.pyi
│   │   ├── fpm.py
│   │   ├── fpm.pyi
│   │   ├── __init__.py
│   │   ├── linalg
│   │   │   ├── distributed.py
│   │   │   ├── distributed.pyi
│   │   │   ├── __init__.py
│   │   │   ├── __init__.pyi
│   │   │   └── __pycache__
│   │   │   ├── distributed.cpython-38.pyc
│   │   │   └── __init__.cpython-38.pyc
│   │   ├── __pycache__
│   │   │   ├── classification.cpython-38.pyc
│   │   │   ├── clustering.cpython-38.pyc
│   │   │   ├── common.cpython-38.pyc
│   │   │   ├── evaluation.cpython-38.pyc
│   │   │   ├── feature.cpython-38.pyc
│   │   │   ├── fpm.cpython-38.pyc
│   │   │   ├── __init__.cpython-38.pyc
│   │   │   ├── random.cpython-38.pyc
│   │   │   ├── recommendation.cpython-38.pyc
│   │   │   ├── regression.cpython-38.pyc
│   │   │   ├── tree.cpython-38.pyc
│   │   │   └── util.cpython-38.pyc
│   │   ├── random.py
│   │   ├── random.pyi
│   │   ├── recommendation.py
│   │   ├── recommendation.pyi
│   │   ├── regression.py
│   │   ├── regression.pyi
│   │   ├── stat
│   │   │   ├── distribution.py
│   │   │   ├── distribution.pyi
│   │   │   ├── __init__.py
│   │   │   ├── __init__.pyi
│   │   │   ├── KernelDensity.py
│   │   │   ├── KernelDensity.pyi
│   │   │   ├── __pycache__
│   │   │   │   ├── distribution.cpython-38.pyc
│   │   │   │   ├── __init__.cpython-38.pyc
│   │   │   │   ├── KernelDensity.cpython-38.pyc
│   │   │   │   ├── _statistics.cpython-38.pyc
│   │   │   │   └── test.cpython-38.pyc
│   │   │   ├── _statistics.py
│   │   │   ├── _statistics.pyi
│   │   │   ├── test.py
│   │   │   └── test.pyi
│   │   ├── tree.py
│   │   ├── tree.pyi
│   │   ├── _typing.pyi
│   │   ├── util.py
│   │   └── util.pyi
│   ├── profiler.py
│   ├── profiler.pyi
│   ├── __pycache__
│   │   ├── accumulators.cpython-38.pyc
│   │   ├── broadcast.cpython-38.pyc
│   │   ├── conf.cpython-38.pyc
│   │   ├── context.cpython-38.pyc
│   │   ├── daemon.cpython-38.pyc
│   │   ├── databricks_connect.cpython-38.pyc
│   │   ├── dbutils.cpython-38.pyc
│   │   ├── files.cpython-38.pyc
│   │   ├── find_spark_home.cpython-38.pyc
│   │   ├── _globals.cpython-38.pyc
│   │   ├── __init__.cpython-38.pyc
│   │   ├── install.cpython-38.pyc
│   │   ├── java_gateway.cpython-38.pyc
│   │   ├── join.cpython-38.pyc
│   │   ├── profiler.cpython-38.pyc
│   │   ├── rdd.cpython-38.pyc
│   │   ├── rddsampler.cpython-38.pyc
│   │   ├── resultiterable.cpython-38.pyc
│   │   ├── serializers.cpython-38.pyc
│   │   ├── shell.cpython-38.pyc
│   │   ├── shuffle.cpython-38.pyc
│   │   ├── statcounter.cpython-38.pyc
│   │   ├── status.cpython-38.pyc
│   │   ├── storagelevel.cpython-38.pyc
│   │   ├── taskcontext.cpython-38.pyc
│   │   ├── traceback_utils.cpython-38.pyc
│   │   ├── util.cpython-38.pyc
│   │   ├── version.cpython-38.pyc
│   │   ├── worker.cpython-38.pyc
│   │   └── wrapped_python.cpython-38.pyc
│   ├── python
│   │   ├── lib
│   │   │   ├── py4j-0.10.9-src.zip
│   │   │   └── pyspark.zip
│   │   └── pyspark
│   │   ├── __pycache__
│   │   │   └── shell.cpython-38.pyc
│   │   └── shell.py
│   ├── py.typed
│   ├── rdd.py
│   ├── rdd.pyi
│   ├── rddsampler.py
│   ├── resource
│   │   ├── information.py
│   │   ├── information.pyi
│   │   ├── __init__.py
│   │   ├── profile.py
│   │   ├── profile.pyi
│   │   ├── __pycache__
│   │   │   ├── information.cpython-38.pyc
│   │   │   ├── __init__.cpython-38.pyc
│   │   │   ├── profile.cpython-38.pyc
│   │   │   └── requests.cpython-38.pyc
│   │   ├── requests.py
│   │   └── requests.pyi
│   ├── resultiterable.py
│   ├── resultiterable.pyi
│   ├── sbin
│   │   ├── spark-config.sh
│   │   ├── spark-daemon.sh
│   │   ├── start-history-server.sh
│   │   └── stop-history-server.sh
│   ├── serializers.py
│   ├── shell.py
│   ├── shuffle.py
│   ├── sql
│   │   ├── avro
│   │   │   ├── functions.py
│   │   │   ├── functions.pyi
│   │   │   ├── __init__.py
│   │   │   └── __pycache__
│   │   │   ├── functions.cpython-38.pyc
│   │   │   └── __init__.cpython-38.pyc
│   │   ├── catalog.py
│   │   ├── catalog.pyi
│   │   ├── column.py
│   │   ├── column.pyi
│   │   ├── conf.py
│   │   ├── conf.pyi
│   │   ├── context.py
│   │   ├── context.pyi
│   │   ├── dataframe.py
│   │   ├── dataframe.pyi
│   │   ├── functions.py
│   │   ├── functions.pyi
│   │   ├── group.py
│   │   ├── group.pyi
│   │   ├── __init__.py
│   │   ├── __init__.pyi
│   │   ├── pandas
│   │   │   ├── conversion.py
│   │   │   ├── conversion.pyi
│   │   │   ├── functions.py
│   │   │   ├── functions.pyi
│   │   │   ├── group_ops.py
│   │   │   ├── group_ops.pyi
│   │   │   ├── __init__.py
│   │   │   ├── map_ops.py
│   │   │   ├── map_ops.pyi
│   │   │   ├── __pycache__
│   │   │   │   ├── conversion.cpython-38.pyc
│   │   │   │   ├── functions.cpython-38.pyc
│   │   │   │   ├── group_ops.cpython-38.pyc
│   │   │   │   ├── __init__.cpython-38.pyc
│   │   │   │   ├── map_ops.cpython-38.pyc
│   │   │   │   ├── serializers.cpython-38.pyc
│   │   │   │   ├── typehints.cpython-38.pyc
│   │   │   │   ├── types.cpython-38.pyc
│   │   │   │   └── utils.cpython-38.pyc
│   │   │   ├── serializers.py
│   │   │   ├── typehints.py
│   │   │   ├── types.py
│   │   │   ├── _typing
│   │   │   │   ├── __init__.pyi
│   │   │   │   └── protocols
│   │   │   │   ├── frame.pyi
│   │   │   │   ├── __init__.pyi
│   │   │   │   └── series.pyi
│   │   │   └── utils.py
│   │   ├── __pycache__
│   │   │   ├── catalog.cpython-38.pyc
│   │   │   ├── column.cpython-38.pyc
│   │   │   ├── conf.cpython-38.pyc
│   │   │   ├── context.cpython-38.pyc
│   │   │   ├── dataframe.cpython-38.pyc
│   │   │   ├── functions.cpython-38.pyc
│   │   │   ├── group.cpython-38.pyc
│   │   │   ├── __init__.cpython-38.pyc
│   │   │   ├── readwriter.cpython-38.pyc
│   │   │   ├── session.cpython-38.pyc
│   │   │   ├── streaming.cpython-38.pyc
│   │   │   ├── types.cpython-38.pyc
│   │   │   ├── udf.cpython-38.pyc
│   │   │   ├── utils.cpython-38.pyc
│   │   │   └── window.cpython-38.pyc
│   │   ├── readwriter.py
│   │   ├── readwriter.pyi
│   │   ├── session.py
│   │   ├── session.pyi
│   │   ├── streaming.py
│   │   ├── streaming.pyi
│   │   ├── types.py
│   │   ├── types.pyi
│   │   ├── _typing.pyi
│   │   ├── udf.py
│   │   ├── udf.pyi
│   │   ├── utils.py
│   │   ├── window.py
│   │   └── window.pyi
│   ├── statcounter.py
│   ├── statcounter.pyi
│   ├── status.py
│   ├── status.pyi
│   ├── storagelevel.py
│   ├── storagelevel.pyi
│   ├── streaming
│   │   ├── context.py
│   │   ├── context.pyi
│   │   ├── dstream.py
│   │   ├── dstream.pyi
│   │   ├── __init__.py
│   │   ├── kinesis.py
│   │   ├── kinesis.pyi
│   │   ├── listener.py
│   │   ├── listener.pyi
│   │   ├── __pycache__
│   │   │   ├── context.cpython-38.pyc
│   │   │   ├── dstream.cpython-38.pyc
│   │   │   ├── __init__.cpython-38.pyc
│   │   │   ├── kinesis.cpython-38.pyc
│   │   │   ├── listener.cpython-38.pyc
│   │   │   └── util.cpython-38.pyc
│   │   └── util.py
│   ├── taskcontext.py
│   ├── taskcontext.pyi
│   ├── traceback_utils.py
│   ├── _typing.pyi
│   ├── util.py
│   ├── version.py
│   ├── version.pyi
│   ├── worker.py
│   └── wrapped_python.py
└── nix-support
└── propagated-build-inputs
76 directories, 969 files
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment