diff --git a/scripts/builtin/ampute.dml b/scripts/builtin/ampute.dml index 0da6af20fdb..ffc645b5b35 100644 --- a/scripts/builtin/ampute.dml +++ b/scripts/builtin/ampute.dml @@ -30,7 +30,6 @@ # mech a string [either "MAR", "MNAR", or "MCAR"] specifying the missingness mechanism. Chosen "MAR" and "MNAR" settings will be overridden if a non-default weight matrix is specified # weights a weight matrix [shape: k-by-m], containing weights that will be used to calculate the weighted sum scores. Will be overridden if mech == "MCAR" # seed a manually defined seed for reproducible RNG - # ------------------------------------------------------------------------------------- # # OUTPUT: diff --git a/scripts/builtin/confusionMatrix.dml b/scripts/builtin/confusionMatrix.dml index 3ac70fb3f87..b21088f2cfa 100644 --- a/scripts/builtin/confusionMatrix.dml +++ b/scripts/builtin/confusionMatrix.dml @@ -23,7 +23,7 @@ # and actual labels. We return both the counts and relative frequency # (normalized by sum of true labels) # -# .. code-block:: +# .. code-block:: text # # True Labels # 1 2 diff --git a/scripts/builtin/cooccurrenceMatrix.dml b/scripts/builtin/cooccurrenceMatrix.dml index 86b8b9ca169..3e55d45f6cb 100644 --- a/scripts/builtin/cooccurrenceMatrix.dml +++ b/scripts/builtin/cooccurrenceMatrix.dml @@ -18,22 +18,21 @@ # under the License. # #------------------------------------------------------------- -# -# The implementation is based on + +# Cleans and processes text data by removing punctuation, converting it to lowercase, and reformatting. +# Adds an index column to the result. The implementation is based on # https://github.com/stanfordnlp/GloVe/blob/master/src/cooccur.c # -#------------------------------------------------------------- - -## Cleans and processes text data by removing punctuation, converting it to lowercase, and reformatting. -## Adds an index column to the result. # INPUT: # ------------------------------------------------------------------------------ # S (Frame[Unknown]): 1D input data frame containing text data. # ------------------------------------------------------------------------------ +# # OUTPUT: # ------------------------------------------------------------------------------ # result (Frame[Unknown]): Processed text data with an index column. # ------------------------------------------------------------------------------ + processText = function(Frame[Unknown] S) return (Frame[Unknown] result){ print("processText"); tmpStr = map(S[,1], "x -> x.replaceAll(\"[.]\", \"\")"); diff --git a/scripts/builtin/correctTypos.dml b/scripts/builtin/correctTypos.dml index f772d8ecf08..e50e06d5c6b 100644 --- a/scripts/builtin/correctTypos.dml +++ b/scripts/builtin/correctTypos.dml @@ -34,10 +34,10 @@ # # INPUT: # ---------------------------------------------------------------------------------------- -# strings The nx1 input frame of corrupted strings -# frequency_threshold Strings that occur above this frequency level will not be corrected -# distance_threshold Max distance at which strings are considered similar -# is_verbose Print debug information +# strings The nx1 input frame of corrupted strings +# frequency_threshold Strings that occur above this frequency level will not be corrected +# distance_threshold Max distance at which strings are considered similar +# is_verbose Print debug information # ---------------------------------------------------------------------------------------- # # OUTPUT: diff --git a/scripts/builtin/decisionTree.dml b/scripts/builtin/decisionTree.dml index 69bf12af90c..94c292d8554 100644 --- a/scripts/builtin/decisionTree.dml +++ b/scripts/builtin/decisionTree.dml @@ -30,9 +30,9 @@ # and the following trees, M would look as follows: # # (L1) |d<5| -# / \ +# / \\ # (L2) P1:2 |a<7| -# / \ +# / \\ # (L3) P2:2 P3:1 # # --> M := diff --git a/scripts/builtin/differenceStatistics.dml b/scripts/builtin/differenceStatistics.dml index 0e9019f0963..30f207091e4 100644 --- a/scripts/builtin/differenceStatistics.dml +++ b/scripts/builtin/differenceStatistics.dml @@ -28,6 +28,11 @@ # X First Matrix to compare # Y Second Matrix to compare # -------------------------------------------------------------------------------- +# +# OUTPUT: +# ------------------------------------------------------------------------------------- +# stats. Difference statistics +# ------------------------------------------------------------------------------------- m_differenceStatistics = function(Matrix[Double] X, Matrix[Double] Y) { diff --git a/scripts/builtin/dist.dml b/scripts/builtin/dist.dml index f296fd717bc..d1086fafcc8 100644 --- a/scripts/builtin/dist.dml +++ b/scripts/builtin/dist.dml @@ -21,6 +21,18 @@ # Returns Euclidean distance matrix (distances between N n-dimensional points) # +# .. code-block:: python +# +# >>> import numpy as np +# >>> with SystemDSContext() as sds: +# ... X = sds.from_numpy(np.array([[0], [3], [4]])) +# ... out = dist(X).compute() +# ... print(out) +# [[0. 3. 4.] +# [3. 0. 1.] +# [4. 1. 0.]] +# +# # INPUT: # -------------------------------------------------------------------------------- # X Matrix to calculate the distance inside diff --git a/scripts/builtin/glove.dml b/scripts/builtin/glove.dml index fc5ee9bafb3..60e073df47d 100644 --- a/scripts/builtin/glove.dml +++ b/scripts/builtin/glove.dml @@ -18,6 +18,31 @@ # under the License. #------------------------------------------------------------- +# Computes the vector embeddings for words in a large text corpus. +# +# INPUT: +# -------------------------------------------------------------------------------- +# input 1DInput corpus in CSV format. +# seed Random seed for reproducibility. +# vector_size Dimensionality of word vectors, V. +# eta Learning rate for optimization, recommended value: 0.05. +# alpha Weighting function parameter, recommended value: 0.75. +# x_max Maximum co-occurrence value as per the GloVe paper: 100. +# tol Tolerance value to avoid overfitting, recommended value: 1e-4. +# iterations Total number of training iterations. +# print_loss_it Interval (in iterations) for printing the loss. +# maxTokens Maximum number of tokens per text entry. +# windowSize Context window size. +# distanceWeighting Whether to apply distance-based weighting. +# symmetric Determines if the matrix is symmetric (TRUE) or asymmetric (FALSE). +# ------------------------------------------------------------------------------ +# +# OUTPUT: +# ------------------------------------------------------------------------------ +# G The word indices and their word vectors, of shape (N, V). Each represented as a vector, of shape (1,V) +# ------------------------------------------------------------------------------ + + init = function(matrix[double] cooc_matrix, double x_max, double alpha) return(matrix[double] weights, matrix[double] log_cooc_matrix){ E = 2.718281828; @@ -119,7 +144,7 @@ gloveWithCoocMatrix = function(matrix[double] cooc_matrix, frame[Unknown] cooc_i G = cbind(cooc_index[,2], as.frame(G)); } -glove = function( +f_glove = function( Frame[Unknown] input, int seed, int vector_size, double alpha, double eta, diff --git a/scripts/builtin/imputeByKNN.dml b/scripts/builtin/imputeByKNN.dml index 13136ff2c9a..3a072d6ad9b 100644 --- a/scripts/builtin/imputeByKNN.dml +++ b/scripts/builtin/imputeByKNN.dml @@ -25,23 +25,16 @@ # the missing values by column means. Currently, only the column with the most # missing values is actually imputed. # -# ------------------------------------------------------------------------------ # INPUT: # ------------------------------------------------------------------------------ -# X Matrix with missing values, which are represented as NaNs -# method Method used for imputing missing values with different performance -# and accuracy tradeoffs: -# 'dist' (default): Compute all-pairs distances and impute the -# missing values by closest. O(N^2 * #features) -# 'dist_missing': Compute distances between data and records with -# missing values. O(N*M * #features), assuming -# that the number of records with MV is M<>> import numpy as np +# >>> from systemds.context import SystemDSContext +# >>> from systemds.operator.algorithm import lm +# >>> from sklearn.linear_model import LinearRegression +# >>> +# >>> np.random.seed(7) +# >>> X = np.random.rand(30, 1) +# >>> Y = np.random.rand(30, 1) +# >>> regressor = LinearRegression(fit_intercept=False) +# >>> model = regressor.fit(X, Y).coef_ +# >>> +# >>> with SystemDSContext() as sds: +# ... X_sds = sds.from_numpy(X) +# ... Y_sds = sds.from_numpy(Y) +# ... sds_model_weights = lm(X_sds, Y_sds, verbose=False).compute() +# ... model = model.reshape(sds_model_weights.shape) +# ... eps = 1e-03 +# ... +# ... print(np.allclose(sds_model_weights, model, eps)) +# True +# +# # INPUT: # -------------------------------------------------------------------- # X Matrix of feature vectors. @@ -41,6 +65,7 @@ # B The model fit beta that can be used as input in lmPredict # --------------------------------------------------------------- + m_lm = function(Matrix[Double] X, Matrix[Double] y, Integer icpt = 0, Double reg = 1e-7, Double tol = 1e-7, Integer maxi = 0, Boolean verbose = TRUE) return (Matrix[Double] B) { diff --git a/scripts/builtin/normalize.dml b/scripts/builtin/normalize.dml index 1f136757aa4..61bcf5883b7 100644 --- a/scripts/builtin/normalize.dml +++ b/scripts/builtin/normalize.dml @@ -22,6 +22,18 @@ # Min-max normalization (a.k.a. min-max scaling) to range [0,1]. For matrices # of positive values, this normalization preserves the input sparsity. # +# .. code-block:: python +# +# >>> import numpy as np +# >>> from systemds.context import SystemDSContext +# >>> with SystemDSContext() as sds: +# ... X = sds.from_numpy(np.array([[1, 2], [3, 4]])) +# ... Y, cmin, cmax = normalize(X).compute() +# ... print(Y) +# [[0. 0.] +# [1. 1.]] +# +# # INPUT: # --------------------------------------------------------------------------------------- # X Input feature matrix of shape n-by-m diff --git a/scripts/builtin/quantizeByCluster.dml b/scripts/builtin/quantizeByCluster.dml index 824ac350534..670932bccf1 100644 --- a/scripts/builtin/quantizeByCluster.dml +++ b/scripts/builtin/quantizeByCluster.dml @@ -58,7 +58,7 @@ # the product quantization. Only relevant when space_decomp = TRUE. # ------------------------------------------------------------------------------------------ -m_quantizeByCluster = function(Matrix[Double]X, Integer M = 4, Integer k = 10, Integer runs = 10, +m_quantizeByCluster = function(Matrix[Double] X, Integer M = 4, Integer k = 10, Integer runs = 10, Integer max_iter = 1000, Double eps = 1e-6, Integer avg_sample_size_per_centroid = 50, Boolean separate=TRUE, Boolean space_decomp=FALSE, Integer seed = -1) return(Matrix[Double] codebook, Matrix[Double] codes, Matrix[Double] R) { diff --git a/scripts/builtin/randomForest.dml b/scripts/builtin/randomForest.dml index 8daeb5bc7f0..3272739e669 100644 --- a/scripts/builtin/randomForest.dml +++ b/scripts/builtin/randomForest.dml @@ -26,16 +26,17 @@ # and optionally subset of features (columns). During tree construction, split # candidates are additionally chosen on a sample of remaining features. # -# .. code-block:: +# .. code-block:: text # # For example, given a feature matrix with features [a,b,c,d] # and the following two trees, M (the output) would look as follows: # # (L1) |a<7| |d<5| -# / \ / \ +# / \\ / \\ # (L2) |c<3| |b<4| |a<7| P3:2 -# / \ / \ / \ +# / \\ / \\ / \\ # (L3) P1:2 P2:1 P3:1 P4:2 P1:2 P2:1 +# # --> M := # [[1, 7, 3, 3, 2, 4, 0, 2, 0, 1, 0, 1, 0, 2], (1st tree) # [4, 5, 1, 7, 0, 2, 0, 2, 0, 1, 0, 0, 0, 0]] (2nd tree) @@ -46,6 +47,48 @@ # (e.g., [1,1,1,0] if we sampled a,b,c of the four features) # # +# .. code-block:: python +# +# >>> import numpy as np +# >>> from systemds.context import SystemDSContext +# >>> from systemds.operator.algorithm import randomForest, randomForestPredict +# >>> +# >>> # tiny toy dataset +# >>> X = np.array([[1], +# ... [2], +# ... [10], +# ... [11]], dtype=np.int64) +# >>> y = np.array([[1], +# ... [1], +# ... [2], +# ... [2]], dtype=np.int64) +# >>> +# >>> with SystemDSContext() as sds: +# ... X_sds = sds.from_numpy(X) +# ... y_sds = sds.from_numpy(y) +# ... +# ... ctypes = sds.from_numpy(np.array([[1, 2]], dtype=np.int64)) +# ... +# ... # train a 4-tree forest (no sampling) +# ... M = randomForest( +# ... X_sds, y_sds, ctypes, +# ... num_trees = 4, +# ... sample_frac = 1.0, +# ... feature_frac = 1.0, +# ... max_depth = 3, +# ... min_leaf = 1, +# ... min_split = 2, +# ... seed = 42 +# ... ) +# ... +# ... preds = randomForestPredict(X_sds, ctypes, M).compute() +# ... print(preds) +# [[1.] +# [1.] +# [2.] +# [2.]] +# +# # INPUT: # ------------------------------------------------------------------------------ # X Feature matrix in recoded/binned representation diff --git a/scripts/builtin/shapExplainer.dml b/scripts/builtin/shapExplainer.dml index b78a5dbcefb..39d365bf013 100644 --- a/scripts/builtin/shapExplainer.dml +++ b/scripts/builtin/shapExplainer.dml @@ -51,6 +51,7 @@ # S Matrix holding the shapley values along the cols, one row per instance. # expected Double holding the average prediction of all instances. # ----------------------------------------------------------------------------- + s_shapExplainer = function(String model_function, list[unknown] model_args, Matrix[Double] x_instances, Matrix[Double] X_bg, Integer n_permutations = 10, Integer n_samples = 100, Integer remove_non_var=0, Matrix[Double] partitions=as.matrix(-1), Integer seed = -1, Integer verbose = 0) diff --git a/scripts/builtin/toOneHot.dml b/scripts/builtin/toOneHot.dml index 2232cdc97bc..2c4b36e4536 100644 --- a/scripts/builtin/toOneHot.dml +++ b/scripts/builtin/toOneHot.dml @@ -21,10 +21,24 @@ # The toOneHot-function encodes unordered categorical vector to multiple binary vectors. # +# .. code-block:: python +# +# >>> import numpy as np +# >>> from systemds.context import SystemDSContext +# >>> with SystemDSContext() as sds: +# ... X = sds.from_numpy(np.array([[1], [3], [2], [3]])) +# ... Y = toOneHot(X, numClasses=3).compute() +# ... print(Y) +# [[1. 0. 0.] +# [0. 0. 1.] +# [0. 1. 0.] +# [0. 0. 1.]] +# +# # INPUT: # ------------------------------------------------------------------------------------------ # X Vector with N integer entries between 1 and numClasses -# numclasses Number of columns, must be be greater than or equal to largest value in X +# numClasses Number of columns, must be be greater than or equal to largest value in X # ------------------------------------------------------------------------------------------ # # OUTPUT: diff --git a/scripts/builtin/topk_cleaning.dml b/scripts/builtin/topk_cleaning.dml index 6f946c7729c..9d4ac692587 100644 --- a/scripts/builtin/topk_cleaning.dml +++ b/scripts/builtin/topk_cleaning.dml @@ -21,6 +21,17 @@ # This function cleans top-K item (where K is given as input)for a given list of users. # metaData[3, ncol(X)] : metaData[1] stores mask, metaData[2] stores schema, metaData[3] stores FD mask +# +# INPUT: +#------------------------------------------------------------------------------- +# TODO TODO +#------------------------------------------------------------------------------- +# +# OUTPUT: +#------------------------------------------------------------------------------- +# TODO TODO +#------------------------------------------------------------------------------- + source("scripts/pipelines/scripts/utils.dml") as utils; source("scripts/pipelines/scripts/enumerateLogical.dml") as lg; diff --git a/src/main/python/docs/README.md b/src/main/python/docs/README.md index 61bdd24a3e9..dcf52c94dee 100644 --- a/src/main/python/docs/README.md +++ b/src/main/python/docs/README.md @@ -39,4 +39,4 @@ and then run `make html`: make html ``` -The docs will then be created at: `/src/main/python/build`in HTML will be placed in the `./_build` directory. +The docs will then be created at: `/src/main/python/docs/build/html/`. diff --git a/src/main/python/docs/requires-docs.txt b/src/main/python/docs/requires-docs.txt index 9305d9320fa..1022b652401 100644 --- a/src/main/python/docs/requires-docs.txt +++ b/src/main/python/docs/requires-docs.txt @@ -24,4 +24,5 @@ sphinx_rtd_theme numpy py4j scipy -requests \ No newline at end of file +requests +pandas \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms.rst b/src/main/python/docs/source/api/operator/algorithms.rst index 1ea5de4a435..65bb613cc21 100644 --- a/src/main/python/docs/source/api/operator/algorithms.rst +++ b/src/main/python/docs/source/api/operator/algorithms.rst @@ -66,4 +66,9 @@ The output should be similar to [ 0.37957689]] .. automodule:: systemds.operator.algorithm - :members: \ No newline at end of file + +.. toctree:: + :maxdepth: 1 + :glob: + + algorithms/* \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/WoE.rst b/src/main/python/docs/source/api/operator/algorithms/WoE.rst new file mode 100644 index 00000000000..01545216736 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/WoE.rst @@ -0,0 +1,4 @@ +WoE +==== + +.. autofunction:: systemds.operator.algorithm.WoE \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/WoEApply.rst b/src/main/python/docs/source/api/operator/algorithms/WoEApply.rst new file mode 100644 index 00000000000..95cc47d5760 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/WoEApply.rst @@ -0,0 +1,4 @@ +WoEApply +==== + +.. autofunction:: systemds.operator.algorithm.WoEApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/abstain.rst b/src/main/python/docs/source/api/operator/algorithms/abstain.rst new file mode 100644 index 00000000000..4cd8c297e4a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/abstain.rst @@ -0,0 +1,4 @@ +abstain +==== + +.. autofunction:: systemds.operator.algorithm.abstain \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/adasyn.rst b/src/main/python/docs/source/api/operator/algorithms/adasyn.rst new file mode 100644 index 00000000000..08643a72938 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/adasyn.rst @@ -0,0 +1,4 @@ +adasyn +==== + +.. autofunction:: systemds.operator.algorithm.adasyn \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/als.rst b/src/main/python/docs/source/api/operator/algorithms/als.rst new file mode 100644 index 00000000000..03193c2be0a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/als.rst @@ -0,0 +1,4 @@ +als +==== + +.. autofunction:: systemds.operator.algorithm.als \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/alsCG.rst b/src/main/python/docs/source/api/operator/algorithms/alsCG.rst new file mode 100644 index 00000000000..3abd4672c37 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/alsCG.rst @@ -0,0 +1,4 @@ +alsCG +==== + +.. autofunction:: systemds.operator.algorithm.alsCG \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/alsDS.rst b/src/main/python/docs/source/api/operator/algorithms/alsDS.rst new file mode 100644 index 00000000000..809ecede746 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/alsDS.rst @@ -0,0 +1,4 @@ +alsDS +==== + +.. autofunction:: systemds.operator.algorithm.alsDS \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/alsPredict.rst b/src/main/python/docs/source/api/operator/algorithms/alsPredict.rst new file mode 100644 index 00000000000..9d1c1c1787e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/alsPredict.rst @@ -0,0 +1,4 @@ +alsPredict +==== + +.. autofunction:: systemds.operator.algorithm.alsPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/alsTopkPredict.rst b/src/main/python/docs/source/api/operator/algorithms/alsTopkPredict.rst new file mode 100644 index 00000000000..ca5f2e76419 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/alsTopkPredict.rst @@ -0,0 +1,4 @@ +alsTopkPredict +==== + +.. autofunction:: systemds.operator.algorithm.alsTopkPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/ampute.rst b/src/main/python/docs/source/api/operator/algorithms/ampute.rst new file mode 100644 index 00000000000..ea26e88b153 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/ampute.rst @@ -0,0 +1,4 @@ +ampute +==== + +.. autofunction:: systemds.operator.algorithm.ampute \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/apply_pipeline.rst b/src/main/python/docs/source/api/operator/algorithms/apply_pipeline.rst new file mode 100644 index 00000000000..1a8e20086c0 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/apply_pipeline.rst @@ -0,0 +1,4 @@ +apply_pipeline +==== + +.. autofunction:: systemds.operator.algorithm.apply_pipeline \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/arima.rst b/src/main/python/docs/source/api/operator/algorithms/arima.rst new file mode 100644 index 00000000000..5e76b9a5bf9 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/arima.rst @@ -0,0 +1,4 @@ +arima +==== + +.. autofunction:: systemds.operator.algorithm.arima \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/auc.rst b/src/main/python/docs/source/api/operator/algorithms/auc.rst new file mode 100644 index 00000000000..bd8d802ecb4 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/auc.rst @@ -0,0 +1,4 @@ +auc +==== + +.. autofunction:: systemds.operator.algorithm.auc \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/autoencoder_2layer.rst b/src/main/python/docs/source/api/operator/algorithms/autoencoder_2layer.rst new file mode 100644 index 00000000000..5df6951b9cb --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/autoencoder_2layer.rst @@ -0,0 +1,4 @@ +autoencoder_2layer +==== + +.. autofunction:: systemds.operator.algorithm.autoencoder_2layer \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/bandit.rst b/src/main/python/docs/source/api/operator/algorithms/bandit.rst new file mode 100644 index 00000000000..3065fb46a3f --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/bandit.rst @@ -0,0 +1,4 @@ +bandit +==== + +.. autofunction:: systemds.operator.algorithm.bandit \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/bivar.rst b/src/main/python/docs/source/api/operator/algorithms/bivar.rst new file mode 100644 index 00000000000..1b79dcb466a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/bivar.rst @@ -0,0 +1,4 @@ +bivar +==== + +.. autofunction:: systemds.operator.algorithm.bivar \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/components.rst b/src/main/python/docs/source/api/operator/algorithms/components.rst new file mode 100644 index 00000000000..0852c10d3a3 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/components.rst @@ -0,0 +1,4 @@ +components +==== + +.. autofunction:: systemds.operator.algorithm.components \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/confusionMatrix.rst b/src/main/python/docs/source/api/operator/algorithms/confusionMatrix.rst new file mode 100644 index 00000000000..9cff70a48d4 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/confusionMatrix.rst @@ -0,0 +1,4 @@ +confusionMatrix +==== + +.. autofunction:: systemds.operator.algorithm.confusionMatrix \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/cooccurrenceMatrix.rst b/src/main/python/docs/source/api/operator/algorithms/cooccurrenceMatrix.rst new file mode 100644 index 00000000000..4f9215ad26b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/cooccurrenceMatrix.rst @@ -0,0 +1,4 @@ +cooccurrenceMatrix +==== + +.. autofunction:: systemds.operator.algorithm.cooccurrenceMatrix \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/cor.rst b/src/main/python/docs/source/api/operator/algorithms/cor.rst new file mode 100644 index 00000000000..60db97af5ec --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/cor.rst @@ -0,0 +1,4 @@ +cor +==== + +.. autofunction:: systemds.operator.algorithm.cor \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/correctTypos.rst b/src/main/python/docs/source/api/operator/algorithms/correctTypos.rst new file mode 100644 index 00000000000..0b1c4a98e9b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/correctTypos.rst @@ -0,0 +1,4 @@ +correctTypos +==== + +.. autofunction:: systemds.operator.algorithm.correctTypos \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/correctTyposApply.rst b/src/main/python/docs/source/api/operator/algorithms/correctTyposApply.rst new file mode 100644 index 00000000000..12f76cfb058 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/correctTyposApply.rst @@ -0,0 +1,4 @@ +correctTyposApply +==== + +.. autofunction:: systemds.operator.algorithm.correctTyposApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/cox.rst b/src/main/python/docs/source/api/operator/algorithms/cox.rst new file mode 100644 index 00000000000..83da11b5cbd --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/cox.rst @@ -0,0 +1,4 @@ +cox +==== + +.. autofunction:: systemds.operator.algorithm.cox \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/cspline.rst b/src/main/python/docs/source/api/operator/algorithms/cspline.rst new file mode 100644 index 00000000000..bd31d4dda01 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/cspline.rst @@ -0,0 +1,4 @@ +cspline +==== + +.. autofunction:: systemds.operator.algorithm.cspline \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/csplineCG.rst b/src/main/python/docs/source/api/operator/algorithms/csplineCG.rst new file mode 100644 index 00000000000..1a13def4f24 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/csplineCG.rst @@ -0,0 +1,4 @@ +csplineCG +==== + +.. autofunction:: systemds.operator.algorithm.csplineCG \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/csplineDS.rst b/src/main/python/docs/source/api/operator/algorithms/csplineDS.rst new file mode 100644 index 00000000000..46d71f9799f --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/csplineDS.rst @@ -0,0 +1,4 @@ +csplineDS +==== + +.. autofunction:: systemds.operator.algorithm.csplineDS \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/cvlm.rst b/src/main/python/docs/source/api/operator/algorithms/cvlm.rst new file mode 100644 index 00000000000..e11cf61abac --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/cvlm.rst @@ -0,0 +1,4 @@ +cvlm +==== + +.. autofunction:: systemds.operator.algorithm.cvlm \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/dbscan.rst b/src/main/python/docs/source/api/operator/algorithms/dbscan.rst new file mode 100644 index 00000000000..058dac906d7 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/dbscan.rst @@ -0,0 +1,4 @@ +dbscan +==== + +.. autofunction:: systemds.operator.algorithm.dbscan \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/dbscanApply.rst b/src/main/python/docs/source/api/operator/algorithms/dbscanApply.rst new file mode 100644 index 00000000000..7c69bc0e4ad --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/dbscanApply.rst @@ -0,0 +1,4 @@ +dbscanApply +==== + +.. autofunction:: systemds.operator.algorithm.dbscanApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/decisionTree.rst b/src/main/python/docs/source/api/operator/algorithms/decisionTree.rst new file mode 100644 index 00000000000..0e7f31e9c51 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/decisionTree.rst @@ -0,0 +1,4 @@ +decisionTree +==== + +.. autofunction:: systemds.operator.algorithm.decisionTree \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/decisionTreePredict.rst b/src/main/python/docs/source/api/operator/algorithms/decisionTreePredict.rst new file mode 100644 index 00000000000..685861bf831 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/decisionTreePredict.rst @@ -0,0 +1,4 @@ +decisionTreePredict +==== + +.. autofunction:: systemds.operator.algorithm.decisionTreePredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/deepWalk.rst b/src/main/python/docs/source/api/operator/algorithms/deepWalk.rst new file mode 100644 index 00000000000..0dd358da70e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/deepWalk.rst @@ -0,0 +1,4 @@ +deepWalk +==== + +.. autofunction:: systemds.operator.algorithm.deepWalk \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/denialConstraints.rst b/src/main/python/docs/source/api/operator/algorithms/denialConstraints.rst new file mode 100644 index 00000000000..6c583f43257 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/denialConstraints.rst @@ -0,0 +1,4 @@ +denialConstraints +==== + +.. autofunction:: systemds.operator.algorithm.denialConstraints \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/differenceStatistics.rst b/src/main/python/docs/source/api/operator/algorithms/differenceStatistics.rst new file mode 100644 index 00000000000..e30c16edca3 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/differenceStatistics.rst @@ -0,0 +1,4 @@ +differenceStatistics +==== + +.. autofunction:: systemds.operator.algorithm.differenceStatistics \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/discoverFD.rst b/src/main/python/docs/source/api/operator/algorithms/discoverFD.rst new file mode 100644 index 00000000000..28ff1fdf21c --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/discoverFD.rst @@ -0,0 +1,4 @@ +discoverFD +==== + +.. autofunction:: systemds.operator.algorithm.discoverFD \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/dist.rst b/src/main/python/docs/source/api/operator/algorithms/dist.rst new file mode 100644 index 00000000000..048d11444ef --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/dist.rst @@ -0,0 +1,4 @@ +dist +==== + +.. autofunction:: systemds.operator.algorithm.dist \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/dmv.rst b/src/main/python/docs/source/api/operator/algorithms/dmv.rst new file mode 100644 index 00000000000..e26b7d4fdb2 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/dmv.rst @@ -0,0 +1,4 @@ +dmv +==== + +.. autofunction:: systemds.operator.algorithm.dmv \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/ema.rst b/src/main/python/docs/source/api/operator/algorithms/ema.rst new file mode 100644 index 00000000000..f78082566fb --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/ema.rst @@ -0,0 +1,4 @@ +ema +==== + +.. autofunction:: systemds.operator.algorithm.ema \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/executePipeline.rst b/src/main/python/docs/source/api/operator/algorithms/executePipeline.rst new file mode 100644 index 00000000000..bd67c57ea84 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/executePipeline.rst @@ -0,0 +1,4 @@ +executePipeline +==== + +.. autofunction:: systemds.operator.algorithm.executePipeline \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/f1Score.rst b/src/main/python/docs/source/api/operator/algorithms/f1Score.rst new file mode 100644 index 00000000000..6250c0afb28 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/f1Score.rst @@ -0,0 +1,4 @@ +f1Score +==== + +.. autofunction:: systemds.operator.algorithm.f1Score \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/fdr.rst b/src/main/python/docs/source/api/operator/algorithms/fdr.rst new file mode 100644 index 00000000000..0666bc0263a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/fdr.rst @@ -0,0 +1,4 @@ +fdr +==== + +.. autofunction:: systemds.operator.algorithm.fdr \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/ffPredict.rst b/src/main/python/docs/source/api/operator/algorithms/ffPredict.rst new file mode 100644 index 00000000000..b10fa2b87db --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/ffPredict.rst @@ -0,0 +1,4 @@ +ffPredict +==== + +.. autofunction:: systemds.operator.algorithm.ffPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/ffTrain.rst b/src/main/python/docs/source/api/operator/algorithms/ffTrain.rst new file mode 100644 index 00000000000..0a249b6e5a3 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/ffTrain.rst @@ -0,0 +1,4 @@ +ffTrain +==== + +.. autofunction:: systemds.operator.algorithm.ffTrain \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/fit_pipeline.rst b/src/main/python/docs/source/api/operator/algorithms/fit_pipeline.rst new file mode 100644 index 00000000000..60c46d6a7dd --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/fit_pipeline.rst @@ -0,0 +1,4 @@ +fit_pipeline +==== + +.. autofunction:: systemds.operator.algorithm.fit_pipeline \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/fixInvalidLengths.rst b/src/main/python/docs/source/api/operator/algorithms/fixInvalidLengths.rst new file mode 100644 index 00000000000..0918be52b0c --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/fixInvalidLengths.rst @@ -0,0 +1,4 @@ +fixInvalidLengths +==== + +.. autofunction:: systemds.operator.algorithm.fixInvalidLengths \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/fixInvalidLengthsApply.rst b/src/main/python/docs/source/api/operator/algorithms/fixInvalidLengthsApply.rst new file mode 100644 index 00000000000..d11c3c3062b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/fixInvalidLengthsApply.rst @@ -0,0 +1,4 @@ +fixInvalidLengthsApply +==== + +.. autofunction:: systemds.operator.algorithm.fixInvalidLengthsApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/flattenQuantile.rst b/src/main/python/docs/source/api/operator/algorithms/flattenQuantile.rst new file mode 100644 index 00000000000..e5814613c56 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/flattenQuantile.rst @@ -0,0 +1,4 @@ +flattenQuantile +==== + +.. autofunction:: systemds.operator.algorithm.flattenQuantile \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/frameSort.rst b/src/main/python/docs/source/api/operator/algorithms/frameSort.rst new file mode 100644 index 00000000000..30bd6307d22 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/frameSort.rst @@ -0,0 +1,4 @@ +frameSort +==== + +.. autofunction:: systemds.operator.algorithm.frameSort \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/frequencyEncode.rst b/src/main/python/docs/source/api/operator/algorithms/frequencyEncode.rst new file mode 100644 index 00000000000..1a1cf4939e5 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/frequencyEncode.rst @@ -0,0 +1,4 @@ +frequencyEncode +==== + +.. autofunction:: systemds.operator.algorithm.frequencyEncode \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/frequencyEncodeApply.rst b/src/main/python/docs/source/api/operator/algorithms/frequencyEncodeApply.rst new file mode 100644 index 00000000000..e153a81e8d0 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/frequencyEncodeApply.rst @@ -0,0 +1,4 @@ +frequencyEncodeApply +==== + +.. autofunction:: systemds.operator.algorithm.frequencyEncodeApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/garch.rst b/src/main/python/docs/source/api/operator/algorithms/garch.rst new file mode 100644 index 00000000000..5170bd02658 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/garch.rst @@ -0,0 +1,4 @@ +garch +==== + +.. autofunction:: systemds.operator.algorithm.garch \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/gaussianClassifier.rst b/src/main/python/docs/source/api/operator/algorithms/gaussianClassifier.rst new file mode 100644 index 00000000000..8965f228418 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/gaussianClassifier.rst @@ -0,0 +1,4 @@ +gaussianClassifier +==== + +.. autofunction:: systemds.operator.algorithm.gaussianClassifier \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/getAccuracy.rst b/src/main/python/docs/source/api/operator/algorithms/getAccuracy.rst new file mode 100644 index 00000000000..943d94bd985 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/getAccuracy.rst @@ -0,0 +1,4 @@ +getAccuracy +==== + +.. autofunction:: systemds.operator.algorithm.getAccuracy \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/glm.rst b/src/main/python/docs/source/api/operator/algorithms/glm.rst new file mode 100644 index 00000000000..b9a4ec1c338 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/glm.rst @@ -0,0 +1,4 @@ +glm +==== + +.. autofunction:: systemds.operator.algorithm.glm \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/glmPredict.rst b/src/main/python/docs/source/api/operator/algorithms/glmPredict.rst new file mode 100644 index 00000000000..2344dce2df9 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/glmPredict.rst @@ -0,0 +1,4 @@ +glmPredict +==== + +.. autofunction:: systemds.operator.algorithm.glmPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/glove.rst b/src/main/python/docs/source/api/operator/algorithms/glove.rst new file mode 100644 index 00000000000..b15202fe9df --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/glove.rst @@ -0,0 +1,4 @@ +glove +==== + +.. autofunction:: systemds.operator.algorithm.glove \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/gmm.rst b/src/main/python/docs/source/api/operator/algorithms/gmm.rst new file mode 100644 index 00000000000..f76ddc3810f --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/gmm.rst @@ -0,0 +1,4 @@ +gmm +==== + +.. autofunction:: systemds.operator.algorithm.gmm \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/gmmPredict.rst b/src/main/python/docs/source/api/operator/algorithms/gmmPredict.rst new file mode 100644 index 00000000000..cb0876fcd67 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/gmmPredict.rst @@ -0,0 +1,4 @@ +gmmPredict +==== + +.. autofunction:: systemds.operator.algorithm.gmmPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/gnmf.rst b/src/main/python/docs/source/api/operator/algorithms/gnmf.rst new file mode 100644 index 00000000000..2a7295d9da5 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/gnmf.rst @@ -0,0 +1,4 @@ +gnmf +==== + +.. autofunction:: systemds.operator.algorithm.gnmf \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/gridSearch.rst b/src/main/python/docs/source/api/operator/algorithms/gridSearch.rst new file mode 100644 index 00000000000..1b267e4528a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/gridSearch.rst @@ -0,0 +1,4 @@ +gridSearch +==== + +.. autofunction:: systemds.operator.algorithm.gridSearch \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/hospitalResidencyMatch.rst b/src/main/python/docs/source/api/operator/algorithms/hospitalResidencyMatch.rst new file mode 100644 index 00000000000..46ea5e78acb --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/hospitalResidencyMatch.rst @@ -0,0 +1,4 @@ +hospitalResidencyMatch +==== + +.. autofunction:: systemds.operator.algorithm.hospitalResidencyMatch \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/hyperband.rst b/src/main/python/docs/source/api/operator/algorithms/hyperband.rst new file mode 100644 index 00000000000..b41dd220727 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/hyperband.rst @@ -0,0 +1,4 @@ +hyperband +==== + +.. autofunction:: systemds.operator.algorithm.hyperband \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_brightness.rst b/src/main/python/docs/source/api/operator/algorithms/img_brightness.rst new file mode 100644 index 00000000000..d11df65ded2 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_brightness.rst @@ -0,0 +1,4 @@ +img_brightness +==== + +.. autofunction:: systemds.operator.algorithm.img_brightness \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_brightness_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_brightness_linearized.rst new file mode 100644 index 00000000000..808caa50e37 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_brightness_linearized.rst @@ -0,0 +1,4 @@ +img_brightness_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_brightness_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_crop.rst b/src/main/python/docs/source/api/operator/algorithms/img_crop.rst new file mode 100644 index 00000000000..aa8b0ccff97 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_crop.rst @@ -0,0 +1,4 @@ +img_crop +==== + +.. autofunction:: systemds.operator.algorithm.img_crop \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_crop_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_crop_linearized.rst new file mode 100644 index 00000000000..93790884d6e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_crop_linearized.rst @@ -0,0 +1,4 @@ +img_crop_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_crop_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_cutout.rst b/src/main/python/docs/source/api/operator/algorithms/img_cutout.rst new file mode 100644 index 00000000000..baf4f08e0c8 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_cutout.rst @@ -0,0 +1,4 @@ +img_cutout +==== + +.. autofunction:: systemds.operator.algorithm.img_cutout \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_cutout_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_cutout_linearized.rst new file mode 100644 index 00000000000..782c581296e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_cutout_linearized.rst @@ -0,0 +1,4 @@ +img_cutout_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_cutout_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_invert.rst b/src/main/python/docs/source/api/operator/algorithms/img_invert.rst new file mode 100644 index 00000000000..d4c45c75d57 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_invert.rst @@ -0,0 +1,4 @@ +img_invert +==== + +.. autofunction:: systemds.operator.algorithm.img_invert \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_invert_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_invert_linearized.rst new file mode 100644 index 00000000000..fac6b131b68 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_invert_linearized.rst @@ -0,0 +1,4 @@ +img_invert_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_invert_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_mirror.rst b/src/main/python/docs/source/api/operator/algorithms/img_mirror.rst new file mode 100644 index 00000000000..ee30c2c782e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_mirror.rst @@ -0,0 +1,4 @@ +img_mirror +==== + +.. autofunction:: systemds.operator.algorithm.img_mirror \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_mirror_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_mirror_linearized.rst new file mode 100644 index 00000000000..4d1d1de5f26 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_mirror_linearized.rst @@ -0,0 +1,4 @@ +img_mirror_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_mirror_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_posterize.rst b/src/main/python/docs/source/api/operator/algorithms/img_posterize.rst new file mode 100644 index 00000000000..6cb1325750d --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_posterize.rst @@ -0,0 +1,4 @@ +img_posterize +==== + +.. autofunction:: systemds.operator.algorithm.img_posterize \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_posterize_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_posterize_linearized.rst new file mode 100644 index 00000000000..707d2c7e709 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_posterize_linearized.rst @@ -0,0 +1,4 @@ +img_posterize_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_posterize_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_rotate.rst b/src/main/python/docs/source/api/operator/algorithms/img_rotate.rst new file mode 100644 index 00000000000..306c7023eb7 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_rotate.rst @@ -0,0 +1,4 @@ +img_rotate +==== + +.. autofunction:: systemds.operator.algorithm.img_rotate \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_rotate_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_rotate_linearized.rst new file mode 100644 index 00000000000..504e467a08b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_rotate_linearized.rst @@ -0,0 +1,4 @@ +img_rotate_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_rotate_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_sample_pairing.rst b/src/main/python/docs/source/api/operator/algorithms/img_sample_pairing.rst new file mode 100644 index 00000000000..d4c918352ef --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_sample_pairing.rst @@ -0,0 +1,4 @@ +img_sample_pairing +==== + +.. autofunction:: systemds.operator.algorithm.img_sample_pairing \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_sample_pairing_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_sample_pairing_linearized.rst new file mode 100644 index 00000000000..8f130fa7410 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_sample_pairing_linearized.rst @@ -0,0 +1,4 @@ +img_sample_pairing_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_sample_pairing_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_shear.rst b/src/main/python/docs/source/api/operator/algorithms/img_shear.rst new file mode 100644 index 00000000000..0c85fe620b4 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_shear.rst @@ -0,0 +1,4 @@ +img_shear +==== + +.. autofunction:: systemds.operator.algorithm.img_shear \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_shear_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_shear_linearized.rst new file mode 100644 index 00000000000..bdf6c123060 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_shear_linearized.rst @@ -0,0 +1,4 @@ +img_shear_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_shear_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_transform.rst b/src/main/python/docs/source/api/operator/algorithms/img_transform.rst new file mode 100644 index 00000000000..14baec2a874 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_transform.rst @@ -0,0 +1,4 @@ +img_transform +==== + +.. autofunction:: systemds.operator.algorithm.img_transform \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_transform_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_transform_linearized.rst new file mode 100644 index 00000000000..39afc766532 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_transform_linearized.rst @@ -0,0 +1,4 @@ +img_transform_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_transform_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_translate.rst b/src/main/python/docs/source/api/operator/algorithms/img_translate.rst new file mode 100644 index 00000000000..5b8c4b073e2 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_translate.rst @@ -0,0 +1,4 @@ +img_translate +==== + +.. autofunction:: systemds.operator.algorithm.img_translate \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/img_translate_linearized.rst b/src/main/python/docs/source/api/operator/algorithms/img_translate_linearized.rst new file mode 100644 index 00000000000..9b30752a6d1 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/img_translate_linearized.rst @@ -0,0 +1,4 @@ +img_translate_linearized +==== + +.. autofunction:: systemds.operator.algorithm.img_translate_linearized \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/impurityMeasures.rst b/src/main/python/docs/source/api/operator/algorithms/impurityMeasures.rst new file mode 100644 index 00000000000..9f718b77a3a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/impurityMeasures.rst @@ -0,0 +1,4 @@ +impurityMeasures +==== + +.. autofunction:: systemds.operator.algorithm.impurityMeasures \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByFD.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByFD.rst new file mode 100644 index 00000000000..393e2be9c54 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByFD.rst @@ -0,0 +1,4 @@ +imputeByFD +==== + +.. autofunction:: systemds.operator.algorithm.imputeByFD \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByFDApply.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByFDApply.rst new file mode 100644 index 00000000000..9c13febc8aa --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByFDApply.rst @@ -0,0 +1,4 @@ +imputeByFDApply +==== + +.. autofunction:: systemds.operator.algorithm.imputeByFDApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByKNN.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByKNN.rst new file mode 100644 index 00000000000..9cf2b089b9b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByKNN.rst @@ -0,0 +1,4 @@ +imputeByKNN +==== + +.. autofunction:: systemds.operator.algorithm.imputeByKNN \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByMean.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByMean.rst new file mode 100644 index 00000000000..709ec8b06dd --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByMean.rst @@ -0,0 +1,4 @@ +imputeByMean +==== + +.. autofunction:: systemds.operator.algorithm.imputeByMean \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByMeanApply.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByMeanApply.rst new file mode 100644 index 00000000000..f88555b5f1e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByMeanApply.rst @@ -0,0 +1,4 @@ +imputeByMeanApply +==== + +.. autofunction:: systemds.operator.algorithm.imputeByMeanApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByMedian.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByMedian.rst new file mode 100644 index 00000000000..444f04bac5e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByMedian.rst @@ -0,0 +1,4 @@ +imputeByMedian +==== + +.. autofunction:: systemds.operator.algorithm.imputeByMedian \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByMedianApply.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByMedianApply.rst new file mode 100644 index 00000000000..ed9484898fb --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByMedianApply.rst @@ -0,0 +1,4 @@ +imputeByMedianApply +==== + +.. autofunction:: systemds.operator.algorithm.imputeByMedianApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByMode.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByMode.rst new file mode 100644 index 00000000000..590e72bea27 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByMode.rst @@ -0,0 +1,4 @@ +imputeByMode +==== + +.. autofunction:: systemds.operator.algorithm.imputeByMode \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/imputeByModeApply.rst b/src/main/python/docs/source/api/operator/algorithms/imputeByModeApply.rst new file mode 100644 index 00000000000..f07d2da18df --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/imputeByModeApply.rst @@ -0,0 +1,4 @@ +imputeByModeApply +==== + +.. autofunction:: systemds.operator.algorithm.imputeByModeApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/incSliceLine.rst b/src/main/python/docs/source/api/operator/algorithms/incSliceLine.rst new file mode 100644 index 00000000000..9e2754f3848 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/incSliceLine.rst @@ -0,0 +1,4 @@ +incSliceLine +==== + +.. autofunction:: systemds.operator.algorithm.incSliceLine \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/intersect.rst b/src/main/python/docs/source/api/operator/algorithms/intersect.rst new file mode 100644 index 00000000000..888cc302dea --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/intersect.rst @@ -0,0 +1,4 @@ +intersect +==== + +.. autofunction:: systemds.operator.algorithm.intersect \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/km.rst b/src/main/python/docs/source/api/operator/algorithms/km.rst new file mode 100644 index 00000000000..290adefd6a1 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/km.rst @@ -0,0 +1,4 @@ +km +==== + +.. autofunction:: systemds.operator.algorithm.km \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/kmeans.rst b/src/main/python/docs/source/api/operator/algorithms/kmeans.rst new file mode 100644 index 00000000000..247fddbb35e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/kmeans.rst @@ -0,0 +1,4 @@ +kmeans +==== + +.. autofunction:: systemds.operator.algorithm.kmeans \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/kmeansPredict.rst b/src/main/python/docs/source/api/operator/algorithms/kmeansPredict.rst new file mode 100644 index 00000000000..d7046304b81 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/kmeansPredict.rst @@ -0,0 +1,4 @@ +kmeansPredict +==== + +.. autofunction:: systemds.operator.algorithm.kmeansPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/knn.rst b/src/main/python/docs/source/api/operator/algorithms/knn.rst new file mode 100644 index 00000000000..d7300409133 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/knn.rst @@ -0,0 +1,4 @@ +knn +==== + +.. autofunction:: systemds.operator.algorithm.knn \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/knnGraph.rst b/src/main/python/docs/source/api/operator/algorithms/knnGraph.rst new file mode 100644 index 00000000000..ab0953fd4ff --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/knnGraph.rst @@ -0,0 +1,4 @@ +knnGraph +==== + +.. autofunction:: systemds.operator.algorithm.knnGraph \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/knnbf.rst b/src/main/python/docs/source/api/operator/algorithms/knnbf.rst new file mode 100644 index 00000000000..6be8b585d77 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/knnbf.rst @@ -0,0 +1,4 @@ +knnbf +==== + +.. autofunction:: systemds.operator.algorithm.knnbf \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/l2svm.rst b/src/main/python/docs/source/api/operator/algorithms/l2svm.rst new file mode 100644 index 00000000000..9c6acd404e7 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/l2svm.rst @@ -0,0 +1,4 @@ +l2svm +==== + +.. autofunction:: systemds.operator.algorithm.l2svm \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/l2svmPredict.rst b/src/main/python/docs/source/api/operator/algorithms/l2svmPredict.rst new file mode 100644 index 00000000000..467da6a0484 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/l2svmPredict.rst @@ -0,0 +1,4 @@ +l2svmPredict +==== + +.. autofunction:: systemds.operator.algorithm.l2svmPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/lasso.rst b/src/main/python/docs/source/api/operator/algorithms/lasso.rst new file mode 100644 index 00000000000..a3c86489bd2 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/lasso.rst @@ -0,0 +1,4 @@ +lasso +==== + +.. autofunction:: systemds.operator.algorithm.lasso \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/lenetPredict.rst b/src/main/python/docs/source/api/operator/algorithms/lenetPredict.rst new file mode 100644 index 00000000000..4e963d31c35 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/lenetPredict.rst @@ -0,0 +1,4 @@ +lenetPredict +==== + +.. autofunction:: systemds.operator.algorithm.lenetPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/lenetTrain.rst b/src/main/python/docs/source/api/operator/algorithms/lenetTrain.rst new file mode 100644 index 00000000000..d80787bbe50 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/lenetTrain.rst @@ -0,0 +1,4 @@ +lenetTrain +==== + +.. autofunction:: systemds.operator.algorithm.lenetTrain \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/lm.rst b/src/main/python/docs/source/api/operator/algorithms/lm.rst new file mode 100644 index 00000000000..74f32f725c2 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/lm.rst @@ -0,0 +1,4 @@ +lm +==== + +.. autofunction:: systemds.operator.algorithm.lm \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/lmCG.rst b/src/main/python/docs/source/api/operator/algorithms/lmCG.rst new file mode 100644 index 00000000000..e0242f13770 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/lmCG.rst @@ -0,0 +1,4 @@ +lmCG +==== + +.. autofunction:: systemds.operator.algorithm.lmCG \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/lmDS.rst b/src/main/python/docs/source/api/operator/algorithms/lmDS.rst new file mode 100644 index 00000000000..52255a93104 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/lmDS.rst @@ -0,0 +1,4 @@ +lmDS +==== + +.. autofunction:: systemds.operator.algorithm.lmDS \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/lmPredict.rst b/src/main/python/docs/source/api/operator/algorithms/lmPredict.rst new file mode 100644 index 00000000000..9ec0c85ccc7 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/lmPredict.rst @@ -0,0 +1,4 @@ +lmPredict +==== + +.. autofunction:: systemds.operator.algorithm.lmPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/lmPredictStats.rst b/src/main/python/docs/source/api/operator/algorithms/lmPredictStats.rst new file mode 100644 index 00000000000..5ff265fa6c6 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/lmPredictStats.rst @@ -0,0 +1,4 @@ +lmPredictStats +==== + +.. autofunction:: systemds.operator.algorithm.lmPredictStats \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/logSumExp.rst b/src/main/python/docs/source/api/operator/algorithms/logSumExp.rst new file mode 100644 index 00000000000..68a360d500f --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/logSumExp.rst @@ -0,0 +1,4 @@ +logSumExp +==== + +.. autofunction:: systemds.operator.algorithm.logSumExp \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/mae.rst b/src/main/python/docs/source/api/operator/algorithms/mae.rst new file mode 100644 index 00000000000..b9f23437c83 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/mae.rst @@ -0,0 +1,4 @@ +mae +==== + +.. autofunction:: systemds.operator.algorithm.mae \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/mape.rst b/src/main/python/docs/source/api/operator/algorithms/mape.rst new file mode 100644 index 00000000000..a2284debb88 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/mape.rst @@ -0,0 +1,4 @@ +mape +==== + +.. autofunction:: systemds.operator.algorithm.mape \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/matrixProfile.rst b/src/main/python/docs/source/api/operator/algorithms/matrixProfile.rst new file mode 100644 index 00000000000..4e0c0527033 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/matrixProfile.rst @@ -0,0 +1,4 @@ +matrixProfile +==== + +.. autofunction:: systemds.operator.algorithm.matrixProfile \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/mcc.rst b/src/main/python/docs/source/api/operator/algorithms/mcc.rst new file mode 100644 index 00000000000..30d5c29eb43 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/mcc.rst @@ -0,0 +1,4 @@ +mcc +==== + +.. autofunction:: systemds.operator.algorithm.mcc \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/mdedup.rst b/src/main/python/docs/source/api/operator/algorithms/mdedup.rst new file mode 100644 index 00000000000..6f16455573d --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/mdedup.rst @@ -0,0 +1,4 @@ +mdedup +==== + +.. autofunction:: systemds.operator.algorithm.mdedup \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/mice.rst b/src/main/python/docs/source/api/operator/algorithms/mice.rst new file mode 100644 index 00000000000..429337e782b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/mice.rst @@ -0,0 +1,4 @@ +mice +==== + +.. autofunction:: systemds.operator.algorithm.mice \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/miceApply.rst b/src/main/python/docs/source/api/operator/algorithms/miceApply.rst new file mode 100644 index 00000000000..e232bd59df8 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/miceApply.rst @@ -0,0 +1,4 @@ +miceApply +==== + +.. autofunction:: systemds.operator.algorithm.miceApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/mse.rst b/src/main/python/docs/source/api/operator/algorithms/mse.rst new file mode 100644 index 00000000000..5241f4630b3 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/mse.rst @@ -0,0 +1,4 @@ +mse +==== + +.. autofunction:: systemds.operator.algorithm.mse \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/msmape.rst b/src/main/python/docs/source/api/operator/algorithms/msmape.rst new file mode 100644 index 00000000000..119b1b59f96 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/msmape.rst @@ -0,0 +1,4 @@ +msmape +==== + +.. autofunction:: systemds.operator.algorithm.msmape \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/msvm.rst b/src/main/python/docs/source/api/operator/algorithms/msvm.rst new file mode 100644 index 00000000000..744f0b3dd7d --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/msvm.rst @@ -0,0 +1,4 @@ +msvm +==== + +.. autofunction:: systemds.operator.algorithm.msvm \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/msvmPredict.rst b/src/main/python/docs/source/api/operator/algorithms/msvmPredict.rst new file mode 100644 index 00000000000..e66595b7288 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/msvmPredict.rst @@ -0,0 +1,4 @@ +msvmPredict +==== + +.. autofunction:: systemds.operator.algorithm.msvmPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/multiLogReg.rst b/src/main/python/docs/source/api/operator/algorithms/multiLogReg.rst new file mode 100644 index 00000000000..ff7b5bbb24d --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/multiLogReg.rst @@ -0,0 +1,4 @@ +multiLogReg +==== + +.. autofunction:: systemds.operator.algorithm.multiLogReg \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/multiLogRegPredict.rst b/src/main/python/docs/source/api/operator/algorithms/multiLogRegPredict.rst new file mode 100644 index 00000000000..ea6d61bc75a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/multiLogRegPredict.rst @@ -0,0 +1,4 @@ +multiLogRegPredict +==== + +.. autofunction:: systemds.operator.algorithm.multiLogRegPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/na_locf.rst b/src/main/python/docs/source/api/operator/algorithms/na_locf.rst new file mode 100644 index 00000000000..ad3374143f5 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/na_locf.rst @@ -0,0 +1,4 @@ +na_locf +==== + +.. autofunction:: systemds.operator.algorithm.na_locf \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/naiveBayes.rst b/src/main/python/docs/source/api/operator/algorithms/naiveBayes.rst new file mode 100644 index 00000000000..c02062c5d9f --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/naiveBayes.rst @@ -0,0 +1,4 @@ +naiveBayes +==== + +.. autofunction:: systemds.operator.algorithm.naiveBayes \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/naiveBayesPredict.rst b/src/main/python/docs/source/api/operator/algorithms/naiveBayesPredict.rst new file mode 100644 index 00000000000..f504ec28cef --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/naiveBayesPredict.rst @@ -0,0 +1,4 @@ +naiveBayesPredict +==== + +.. autofunction:: systemds.operator.algorithm.naiveBayesPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/normalize.rst b/src/main/python/docs/source/api/operator/algorithms/normalize.rst new file mode 100644 index 00000000000..e61b76e8faa --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/normalize.rst @@ -0,0 +1,4 @@ +normalize +==== + +.. autofunction:: systemds.operator.algorithm.normalize \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/normalizeApply.rst b/src/main/python/docs/source/api/operator/algorithms/normalizeApply.rst new file mode 100644 index 00000000000..5a6d27e55b1 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/normalizeApply.rst @@ -0,0 +1,4 @@ +normalizeApply +==== + +.. autofunction:: systemds.operator.algorithm.normalizeApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/nrmse.rst b/src/main/python/docs/source/api/operator/algorithms/nrmse.rst new file mode 100644 index 00000000000..b8b95670e5b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/nrmse.rst @@ -0,0 +1,4 @@ +nrmse +==== + +.. autofunction:: systemds.operator.algorithm.nrmse \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/outlier.rst b/src/main/python/docs/source/api/operator/algorithms/outlier.rst new file mode 100644 index 00000000000..de79cbc3559 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/outlier.rst @@ -0,0 +1,4 @@ +outlier +==== + +.. autofunction:: systemds.operator.algorithm.outlier \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/outlierByArima.rst b/src/main/python/docs/source/api/operator/algorithms/outlierByArima.rst new file mode 100644 index 00000000000..77b4d96014a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/outlierByArima.rst @@ -0,0 +1,4 @@ +outlierByArima +==== + +.. autofunction:: systemds.operator.algorithm.outlierByArima \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/outlierByIQR.rst b/src/main/python/docs/source/api/operator/algorithms/outlierByIQR.rst new file mode 100644 index 00000000000..703662553ba --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/outlierByIQR.rst @@ -0,0 +1,4 @@ +outlierByIQR +==== + +.. autofunction:: systemds.operator.algorithm.outlierByIQR \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/outlierByIQRApply.rst b/src/main/python/docs/source/api/operator/algorithms/outlierByIQRApply.rst new file mode 100644 index 00000000000..8e6df45f852 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/outlierByIQRApply.rst @@ -0,0 +1,4 @@ +outlierByIQRApply +==== + +.. autofunction:: systemds.operator.algorithm.outlierByIQRApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/outlierBySd.rst b/src/main/python/docs/source/api/operator/algorithms/outlierBySd.rst new file mode 100644 index 00000000000..d0cb707fbbf --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/outlierBySd.rst @@ -0,0 +1,4 @@ +outlierBySd +==== + +.. autofunction:: systemds.operator.algorithm.outlierBySd \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/outlierBySdApply.rst b/src/main/python/docs/source/api/operator/algorithms/outlierBySdApply.rst new file mode 100644 index 00000000000..3708219b198 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/outlierBySdApply.rst @@ -0,0 +1,4 @@ +outlierBySdApply +==== + +.. autofunction:: systemds.operator.algorithm.outlierBySdApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/pageRank.rst b/src/main/python/docs/source/api/operator/algorithms/pageRank.rst new file mode 100644 index 00000000000..3a0f79493ae --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/pageRank.rst @@ -0,0 +1,4 @@ +pageRank +==== + +.. autofunction:: systemds.operator.algorithm.pageRank \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/pca.rst b/src/main/python/docs/source/api/operator/algorithms/pca.rst new file mode 100644 index 00000000000..48e6b1a977e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/pca.rst @@ -0,0 +1,4 @@ +pca +==== + +.. autofunction:: systemds.operator.algorithm.pca \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/pcaInverse.rst b/src/main/python/docs/source/api/operator/algorithms/pcaInverse.rst new file mode 100644 index 00000000000..9b64c0cf684 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/pcaInverse.rst @@ -0,0 +1,4 @@ +pcaInverse +==== + +.. autofunction:: systemds.operator.algorithm.pcaInverse \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/pcaTransform.rst b/src/main/python/docs/source/api/operator/algorithms/pcaTransform.rst new file mode 100644 index 00000000000..4725810346b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/pcaTransform.rst @@ -0,0 +1,4 @@ +pcaTransform +==== + +.. autofunction:: systemds.operator.algorithm.pcaTransform \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/pnmf.rst b/src/main/python/docs/source/api/operator/algorithms/pnmf.rst new file mode 100644 index 00000000000..1dd0dcb367a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/pnmf.rst @@ -0,0 +1,4 @@ +pnmf +==== + +.. autofunction:: systemds.operator.algorithm.pnmf \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/ppca.rst b/src/main/python/docs/source/api/operator/algorithms/ppca.rst new file mode 100644 index 00000000000..38e6f4468b2 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/ppca.rst @@ -0,0 +1,4 @@ +ppca +==== + +.. autofunction:: systemds.operator.algorithm.ppca \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/psnr.rst b/src/main/python/docs/source/api/operator/algorithms/psnr.rst new file mode 100644 index 00000000000..c16bb02613d --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/psnr.rst @@ -0,0 +1,4 @@ +psnr +==== + +.. autofunction:: systemds.operator.algorithm.psnr \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/quantizeByCluster.rst b/src/main/python/docs/source/api/operator/algorithms/quantizeByCluster.rst new file mode 100644 index 00000000000..90421a5ae70 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/quantizeByCluster.rst @@ -0,0 +1,4 @@ +quantizeByCluster +==== + +.. autofunction:: systemds.operator.algorithm.quantizeByCluster \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/raGroupby.rst b/src/main/python/docs/source/api/operator/algorithms/raGroupby.rst new file mode 100644 index 00000000000..f3c392a3f9e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/raGroupby.rst @@ -0,0 +1,4 @@ +raGroupby +==== + +.. autofunction:: systemds.operator.algorithm.raGroupby \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/raJoin.rst b/src/main/python/docs/source/api/operator/algorithms/raJoin.rst new file mode 100644 index 00000000000..ba191051ea0 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/raJoin.rst @@ -0,0 +1,4 @@ +raJoin +==== + +.. autofunction:: systemds.operator.algorithm.raJoin \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/raSelection.rst b/src/main/python/docs/source/api/operator/algorithms/raSelection.rst new file mode 100644 index 00000000000..b06a461de33 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/raSelection.rst @@ -0,0 +1,4 @@ +raSelection +==== + +.. autofunction:: systemds.operator.algorithm.raSelection \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/randomForest.rst b/src/main/python/docs/source/api/operator/algorithms/randomForest.rst new file mode 100644 index 00000000000..e3489cc1981 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/randomForest.rst @@ -0,0 +1,4 @@ +randomForest +==== + +.. autofunction:: systemds.operator.algorithm.randomForest \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/randomForestPredict.rst b/src/main/python/docs/source/api/operator/algorithms/randomForestPredict.rst new file mode 100644 index 00000000000..9fb09c02463 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/randomForestPredict.rst @@ -0,0 +1,4 @@ +randomForestPredict +==== + +.. autofunction:: systemds.operator.algorithm.randomForestPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/rmse.rst b/src/main/python/docs/source/api/operator/algorithms/rmse.rst new file mode 100644 index 00000000000..9a4772dcbd1 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/rmse.rst @@ -0,0 +1,4 @@ +rmse +==== + +.. autofunction:: systemds.operator.algorithm.rmse \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/scale.rst b/src/main/python/docs/source/api/operator/algorithms/scale.rst new file mode 100644 index 00000000000..472fda0b0d0 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/scale.rst @@ -0,0 +1,4 @@ +scale +==== + +.. autofunction:: systemds.operator.algorithm.scale \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/scaleApply.rst b/src/main/python/docs/source/api/operator/algorithms/scaleApply.rst new file mode 100644 index 00000000000..b128df3318e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/scaleApply.rst @@ -0,0 +1,4 @@ +scaleApply +==== + +.. autofunction:: systemds.operator.algorithm.scaleApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/scaleMinMax.rst b/src/main/python/docs/source/api/operator/algorithms/scaleMinMax.rst new file mode 100644 index 00000000000..8feecb09deb --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/scaleMinMax.rst @@ -0,0 +1,4 @@ +scaleMinMax +==== + +.. autofunction:: systemds.operator.algorithm.scaleMinMax \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/selectByVarThresh.rst b/src/main/python/docs/source/api/operator/algorithms/selectByVarThresh.rst new file mode 100644 index 00000000000..2c5733d698b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/selectByVarThresh.rst @@ -0,0 +1,4 @@ +selectByVarThresh +==== + +.. autofunction:: systemds.operator.algorithm.selectByVarThresh \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/ses.rst b/src/main/python/docs/source/api/operator/algorithms/ses.rst new file mode 100644 index 00000000000..231ef0afa2f --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/ses.rst @@ -0,0 +1,4 @@ +ses +==== + +.. autofunction:: systemds.operator.algorithm.ses \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/setdiff.rst b/src/main/python/docs/source/api/operator/algorithms/setdiff.rst new file mode 100644 index 00000000000..0803f2a5667 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/setdiff.rst @@ -0,0 +1,4 @@ +setdiff +==== + +.. autofunction:: systemds.operator.algorithm.setdiff \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/shapExplainer.rst b/src/main/python/docs/source/api/operator/algorithms/shapExplainer.rst new file mode 100644 index 00000000000..c1b61498d00 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/shapExplainer.rst @@ -0,0 +1,4 @@ +shapExplainer +==== + +.. autofunction:: systemds.operator.algorithm.shapExplainer \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/sherlock.rst b/src/main/python/docs/source/api/operator/algorithms/sherlock.rst new file mode 100644 index 00000000000..9c7a019f43b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/sherlock.rst @@ -0,0 +1,4 @@ +sherlock +==== + +.. autofunction:: systemds.operator.algorithm.sherlock \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/sherlockPredict.rst b/src/main/python/docs/source/api/operator/algorithms/sherlockPredict.rst new file mode 100644 index 00000000000..60e9b0779ed --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/sherlockPredict.rst @@ -0,0 +1,4 @@ +sherlockPredict +==== + +.. autofunction:: systemds.operator.algorithm.sherlockPredict \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/shortestPath.rst b/src/main/python/docs/source/api/operator/algorithms/shortestPath.rst new file mode 100644 index 00000000000..d23b96a575c --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/shortestPath.rst @@ -0,0 +1,4 @@ +shortestPath +==== + +.. autofunction:: systemds.operator.algorithm.shortestPath \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/sigmoid.rst b/src/main/python/docs/source/api/operator/algorithms/sigmoid.rst new file mode 100644 index 00000000000..0de3d606473 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/sigmoid.rst @@ -0,0 +1,4 @@ +sigmoid +==== + +.. autofunction:: systemds.operator.algorithm.sigmoid \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/skewness.rst b/src/main/python/docs/source/api/operator/algorithms/skewness.rst new file mode 100644 index 00000000000..d8c612420e0 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/skewness.rst @@ -0,0 +1,4 @@ +skewness +==== + +.. autofunction:: systemds.operator.algorithm.skewness \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/sliceLine.rst b/src/main/python/docs/source/api/operator/algorithms/sliceLine.rst new file mode 100644 index 00000000000..3ac077ee3ac --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/sliceLine.rst @@ -0,0 +1,4 @@ +sliceLine +==== + +.. autofunction:: systemds.operator.algorithm.sliceLine \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/sliceLineDebug.rst b/src/main/python/docs/source/api/operator/algorithms/sliceLineDebug.rst new file mode 100644 index 00000000000..109fe1265ee --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/sliceLineDebug.rst @@ -0,0 +1,4 @@ +sliceLineDebug +==== + +.. autofunction:: systemds.operator.algorithm.sliceLineDebug \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/sliceLineExtract.rst b/src/main/python/docs/source/api/operator/algorithms/sliceLineExtract.rst new file mode 100644 index 00000000000..fdb83c02fb4 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/sliceLineExtract.rst @@ -0,0 +1,4 @@ +sliceLineExtract +==== + +.. autofunction:: systemds.operator.algorithm.sliceLineExtract \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/slicefinder.rst b/src/main/python/docs/source/api/operator/algorithms/slicefinder.rst new file mode 100644 index 00000000000..7934d8c7682 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/slicefinder.rst @@ -0,0 +1,4 @@ +slicefinder +==== + +.. autofunction:: systemds.operator.algorithm.slicefinder \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/smape.rst b/src/main/python/docs/source/api/operator/algorithms/smape.rst new file mode 100644 index 00000000000..4acded9110a --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/smape.rst @@ -0,0 +1,4 @@ +smape +==== + +.. autofunction:: systemds.operator.algorithm.smape \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/smote.rst b/src/main/python/docs/source/api/operator/algorithms/smote.rst new file mode 100644 index 00000000000..5dc1be16365 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/smote.rst @@ -0,0 +1,4 @@ +smote +==== + +.. autofunction:: systemds.operator.algorithm.smote \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/softmax.rst b/src/main/python/docs/source/api/operator/algorithms/softmax.rst new file mode 100644 index 00000000000..27ab9cd21f0 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/softmax.rst @@ -0,0 +1,4 @@ +softmax +==== + +.. autofunction:: systemds.operator.algorithm.softmax \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/split.rst b/src/main/python/docs/source/api/operator/algorithms/split.rst new file mode 100644 index 00000000000..a32b725328e --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/split.rst @@ -0,0 +1,4 @@ +split +==== + +.. autofunction:: systemds.operator.algorithm.split \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/splitBalanced.rst b/src/main/python/docs/source/api/operator/algorithms/splitBalanced.rst new file mode 100644 index 00000000000..6377c2a7cbd --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/splitBalanced.rst @@ -0,0 +1,4 @@ +splitBalanced +==== + +.. autofunction:: systemds.operator.algorithm.splitBalanced \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/sqrtMatrix.rst b/src/main/python/docs/source/api/operator/algorithms/sqrtMatrix.rst new file mode 100644 index 00000000000..58d5d0cc81b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/sqrtMatrix.rst @@ -0,0 +1,4 @@ +sqrtMatrix +==== + +.. autofunction:: systemds.operator.algorithm.sqrtMatrix \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/stableMarriage.rst b/src/main/python/docs/source/api/operator/algorithms/stableMarriage.rst new file mode 100644 index 00000000000..a10b76d5348 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/stableMarriage.rst @@ -0,0 +1,4 @@ +stableMarriage +==== + +.. autofunction:: systemds.operator.algorithm.stableMarriage \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/statsNA.rst b/src/main/python/docs/source/api/operator/algorithms/statsNA.rst new file mode 100644 index 00000000000..02467896ce2 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/statsNA.rst @@ -0,0 +1,4 @@ +statsNA +==== + +.. autofunction:: systemds.operator.algorithm.statsNA \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/steplm.rst b/src/main/python/docs/source/api/operator/algorithms/steplm.rst new file mode 100644 index 00000000000..186284a32fd --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/steplm.rst @@ -0,0 +1,4 @@ +steplm +==== + +.. autofunction:: systemds.operator.algorithm.steplm \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/stratstats.rst b/src/main/python/docs/source/api/operator/algorithms/stratstats.rst new file mode 100644 index 00000000000..abb75df2c76 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/stratstats.rst @@ -0,0 +1,4 @@ +stratstats +==== + +.. autofunction:: systemds.operator.algorithm.stratstats \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/symmetricDifference.rst b/src/main/python/docs/source/api/operator/algorithms/symmetricDifference.rst new file mode 100644 index 00000000000..0706e759444 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/symmetricDifference.rst @@ -0,0 +1,4 @@ +symmetricDifference +==== + +.. autofunction:: systemds.operator.algorithm.symmetricDifference \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/tSNE.rst b/src/main/python/docs/source/api/operator/algorithms/tSNE.rst new file mode 100644 index 00000000000..1021a052198 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/tSNE.rst @@ -0,0 +1,4 @@ +tSNE +==== + +.. autofunction:: systemds.operator.algorithm.tSNE \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/toOneHot.rst b/src/main/python/docs/source/api/operator/algorithms/toOneHot.rst new file mode 100644 index 00000000000..b49cbe1dfc0 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/toOneHot.rst @@ -0,0 +1,4 @@ +toOneHot +==== + +.. autofunction:: systemds.operator.algorithm.toOneHot \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/tomeklink.rst b/src/main/python/docs/source/api/operator/algorithms/tomeklink.rst new file mode 100644 index 00000000000..af2a8f6f255 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/tomeklink.rst @@ -0,0 +1,4 @@ +tomeklink +==== + +.. autofunction:: systemds.operator.algorithm.tomeklink \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/topk_cleaning.rst b/src/main/python/docs/source/api/operator/algorithms/topk_cleaning.rst new file mode 100644 index 00000000000..fbd5849d253 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/topk_cleaning.rst @@ -0,0 +1,4 @@ +topk_cleaning +==== + +.. autofunction:: systemds.operator.algorithm.topk_cleaning \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/underSampling.rst b/src/main/python/docs/source/api/operator/algorithms/underSampling.rst new file mode 100644 index 00000000000..d983500b2c5 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/underSampling.rst @@ -0,0 +1,4 @@ +underSampling +==== + +.. autofunction:: systemds.operator.algorithm.underSampling \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/union.rst b/src/main/python/docs/source/api/operator/algorithms/union.rst new file mode 100644 index 00000000000..300c2b0c920 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/union.rst @@ -0,0 +1,4 @@ +union +==== + +.. autofunction:: systemds.operator.algorithm.union \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/univar.rst b/src/main/python/docs/source/api/operator/algorithms/univar.rst new file mode 100644 index 00000000000..209b56f7b40 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/univar.rst @@ -0,0 +1,4 @@ +univar +==== + +.. autofunction:: systemds.operator.algorithm.univar \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/vectorToCsv.rst b/src/main/python/docs/source/api/operator/algorithms/vectorToCsv.rst new file mode 100644 index 00000000000..1e1e37d58f6 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/vectorToCsv.rst @@ -0,0 +1,4 @@ +vectorToCsv +==== + +.. autofunction:: systemds.operator.algorithm.vectorToCsv \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/wer.rst b/src/main/python/docs/source/api/operator/algorithms/wer.rst new file mode 100644 index 00000000000..4b39c7cb526 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/wer.rst @@ -0,0 +1,4 @@ +wer +==== + +.. autofunction:: systemds.operator.algorithm.wer \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/winsorize.rst b/src/main/python/docs/source/api/operator/algorithms/winsorize.rst new file mode 100644 index 00000000000..4b6a3adc27b --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/winsorize.rst @@ -0,0 +1,4 @@ +winsorize +==== + +.. autofunction:: systemds.operator.algorithm.winsorize \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/winsorizeApply.rst b/src/main/python/docs/source/api/operator/algorithms/winsorizeApply.rst new file mode 100644 index 00000000000..e6b2b7af933 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/winsorizeApply.rst @@ -0,0 +1,4 @@ +winsorizeApply +==== + +.. autofunction:: systemds.operator.algorithm.winsorizeApply \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/xdummy1.rst b/src/main/python/docs/source/api/operator/algorithms/xdummy1.rst new file mode 100644 index 00000000000..eec1ca0d923 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/xdummy1.rst @@ -0,0 +1,4 @@ +xdummy1 +==== + +.. autofunction:: systemds.operator.algorithm.xdummy1 \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/xdummy2.rst b/src/main/python/docs/source/api/operator/algorithms/xdummy2.rst new file mode 100644 index 00000000000..169efe40492 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/xdummy2.rst @@ -0,0 +1,4 @@ +xdummy2 +==== + +.. autofunction:: systemds.operator.algorithm.xdummy2 \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/xgboost.rst b/src/main/python/docs/source/api/operator/algorithms/xgboost.rst new file mode 100644 index 00000000000..b6b15636c35 --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/xgboost.rst @@ -0,0 +1,4 @@ +xgboost +==== + +.. autofunction:: systemds.operator.algorithm.xgboost \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/xgboostPredictClassification.rst b/src/main/python/docs/source/api/operator/algorithms/xgboostPredictClassification.rst new file mode 100644 index 00000000000..321008ea5ee --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/xgboostPredictClassification.rst @@ -0,0 +1,4 @@ +xgboostPredictClassification +==== + +.. autofunction:: systemds.operator.algorithm.xgboostPredictClassification \ No newline at end of file diff --git a/src/main/python/docs/source/api/operator/algorithms/xgboostPredictRegression.rst b/src/main/python/docs/source/api/operator/algorithms/xgboostPredictRegression.rst new file mode 100644 index 00000000000..32cee31fada --- /dev/null +++ b/src/main/python/docs/source/api/operator/algorithms/xgboostPredictRegression.rst @@ -0,0 +1,4 @@ +xgboostPredictRegression +==== + +.. autofunction:: systemds.operator.algorithm.xgboostPredictRegression \ No newline at end of file diff --git a/src/main/python/generator/dml_parser.py b/src/main/python/generator/dml_parser.py index 2abffb021f6..27ac530da2e 100644 --- a/src/main/python/generator/dml_parser.py +++ b/src/main/python/generator/dml_parser.py @@ -23,12 +23,13 @@ import json import os import re - +import textwrap class FunctionParser(object): header_input_pattern = r"^[ \t\n]*[#]+[ \t\n]*input[ \t\n\w:;.,#]*[\s#\-]*[#]+[\w\s\d:,.()\" \t\n\-]*[\s#\-]*$" header_output_pattern = r"[\s#\-]*[#]+[ \t]*(return|output)[ \t\w:;.,#]*[\s#\-]*[#]+[\w\s\d:,.()\" \t\-]*[\s#\-]*$" - function_pattern = r"^[ms]_[\w]+[ \t\n]*=[ \t\n]+function[^#{]*" + function_pattern = r"^[fms]_[\w]+[ \t\n]*=[ \t\n]+function[^#{]*" + # parameter_pattern = r"^m_[\w]+[\s]+=[\s]+function[\s]*\([\s]*(?=return)[\s]*\)[\s]*return[\s]*\([\s]*([\w\[\]\s,\d=.\-_]*)[\s]*\)[\s]*" header_parameter_pattern = r"[\s#\-]*[#]+[ \t]*([\w|-]+)[\s]+([\w]+)[\s]+([\w,\d.\"\-]+)[\s]+([\w|\W]+)" divider_pattern = r"[\s#\-]*" @@ -57,16 +58,14 @@ def parse_function(self, path: str): """ file_name = os.path.basename(path) function_name, extension = os.path.splitext(file_name) - # try: - function_definition = self.find_function_definition(path) - # pattern = re.compile( - # self.__class__.parameter_pattern, flags=re.I | re.M) - # match = pattern.match(function_definition) + try: + function_definition = self.find_function_definition(path) + except AttributeError: + print(f"[INFO] Skipping '{function_name}': does not match function name pattern. It is likely an internal function.") + return - # if match: + func_split = function_definition.split("function", 1)[1].split("return") - func_split = function_definition.split("function")[1].split("return") - param_str = self.extract_param_str(func_split[0]) retval_str = None if(len(func_split)> 1): @@ -198,10 +197,32 @@ def parse_header(self, path: str): input_parameters = self.parse_input_output_string(h_input) output_parameters = self.parse_input_output_string(h_output) + code_block = None + with open(path, 'r') as f: + content = f.read() + pat = re.compile( + r""" + ^\s*\#\s*\.\.\s*code-block::\s*python # .. code-block:: python + (?:\s*\#.*\n)*? # optional adornments / blank lines + (.*?) # ← capture the actual example + (?= # stop just *before* … + (?:\s*\#\s*\n){2} # … two consecutive “blank” # lines + ) + """, + re.MULTILINE | re.DOTALL | re.VERBOSE, + ) + match = pat.search(content) +# match = re.search(r"#\s*\.\. code-block:: python.*?(?:#\s*-+\n)?(.*?)(?=\n\s*m_\w+\s*= function)", content, re.S) + if match: + raw_block = match.group(1) + # Remove leading `#` + code_lines = [line.lstrip("#") for line in raw_block.splitlines()] + code_block = textwrap.dedent("\n".join(code_lines)) data = {'description': description, 'parameters': input_parameters, - 'return_values': output_parameters} + 'return_values': output_parameters, + 'code_block': code_block} return data def parse_input_output_string(self, data: str): diff --git a/src/main/python/generator/generator.py b/src/main/python/generator/generator.py index b124feff190..8a2027ef34e 100644 --- a/src/main/python/generator/generator.py +++ b/src/main/python/generator/generator.py @@ -35,6 +35,10 @@ class PythonAPIFileGenerator(object): target_path = os.path.join(os.path.dirname(os.path.dirname( __file__)), 'systemds', 'operator', 'algorithm', 'builtin') + test_path = os.path.join(os.path.dirname(os.path.dirname( + __file__)), 'tests', 'auto_tests') + rst_path = os.path.join(os.path.dirname(os.path.dirname( + __file__)), 'docs', 'source', 'api', 'operator', 'algorithms') licence_path = os.path.join('resources', 'template_python_script_license') template_path = os.path.join('resources', 'template_python_script_imports') @@ -55,6 +59,7 @@ def __init__(self, source_path: str, extension: str = 'py'): self.extension = '.{extension}'.format(extension=extension) os.makedirs(self.__class__.target_path, exist_ok=True) + os.makedirs(self.__class__.test_path, exist_ok=True) self.function_names = list() for name in manually_added_algorithm_builtins: # only add files which actually exist, to avoid breaking @@ -89,13 +94,61 @@ def generate_file(self, filename: str, file_content: str, dml_file: str): with open(target_file, "w") as new_script: new_script.write(self.licence) new_script.write(self.generated_by) - new_script.write((self.generated_from + dml_file.replace("\\", "/") + "\n").replace( - "../", "").replace("src/main/python/generator/", "")) + relative_path = os.path.relpath(dml_file, start=self.source_path) + new_script.write(f"{self.generated_from}scripts/builtin/{relative_path}\n") new_script.write(self.imports) new_script.write(file_content) self.function_names.append(filename) + def generate_test_file(self, function_name: str, code_block: str = None): + """ + Generates a test file for the given function + """ + target_file = os.path.join(self.test_path, f"test_{function_name}") + self.extension + with open(target_file, "w") as test_script: + test_script.write(self.licence) + test_script.write(self.generated_by) + test_script.write("import unittest, contextlib, io\n") + test_script.write(f"from systemds.context import SystemDSContext\n") + test_script.write(f"from systemds.operator.algorithm.builtin.{function_name} import {function_name}\n\n\n") + + test_script.write(f"class Test{function_name.upper()}(unittest.TestCase):\n") + test_script.write(f" def test_{function_name}(self):\n") + if code_block: + test_script.write(" # Example test case provided in python the code block\n") + test_script.write(" buf = io.StringIO()\n") + test_script.write(" with contextlib.redirect_stdout(buf):\n") + + expected ="" + for raw_line in code_block.splitlines(keepends=True): # keepends=True → ‘\n’ is preserved + stripped = raw_line.lstrip() + if stripped.startswith((">>>", "...")): + code_line = stripped[4:] + if code_line.strip(): + test_script.write(f" {code_line}") + else: + test_script.write("\n") + else: + expected += raw_line + expected = expected.lstrip("\n") + test_script.write(f'\n expected="""{expected}"""\n') + test_script.write(f" self.assertEqual(buf.getvalue().strip(), expected)\n") + + test_script.write("\nif __name__ == '__main__':\n") + test_script.write(" unittest.main()\n") + + def generate_rst_file(self, function_name: str): + """ + Generates an rst file for the given function + """ + target_file = os.path.join(self.rst_path, f"{function_name}") + ".rst" + with open(target_file, "w") as rst_script: + # rst_script.write(self.licence) + rst_script.write(function_name) + rst_script.write("\n====\n\n") + rst_script.write(f".. autofunction:: systemds.operator.algorithm.{function_name}") + def generate_init_file(self): with open(self.init_path, "w") as init_file: init_file.write(self.licence) @@ -390,6 +443,8 @@ def format_exception(e): try: header_data = f_parser.parse_header(dml_file) data = f_parser.parse_function(dml_file) + if not data: + continue f_parser.check_parameters(header_data, data) doc_generator.generate_documentation(header_data, data) @@ -404,5 +459,14 @@ def format_exception(e): continue file_generator.generate_file( data["function_name"], script_content, dml_file) + test_stub = f"# Autogenerated test for {data['function_name']}\n" + # TODO: multiple code blocks -> multiple test_files + test_example = header_data.get("code_block", None) + if test_example: + # TODO: dml test file + # TODO: logs should have funcs without test cases + # TODO: imports should be exlicitly added to the examples + file_generator.generate_test_file(data["function_name"], test_example) + file_generator.generate_rst_file(data["function_name"]) file_generator.function_names.sort() file_generator.generate_init_file() diff --git a/src/main/python/systemds/operator/algorithm/__init__.py b/src/main/python/systemds/operator/algorithm/__init__.py index bd611ee6cc6..c198a7138e9 100644 --- a/src/main/python/systemds/operator/algorithm/__init__.py +++ b/src/main/python/systemds/operator/algorithm/__init__.py @@ -31,6 +31,7 @@ from .builtin.alsPredict import alsPredict from .builtin.alsTopkPredict import alsTopkPredict from .builtin.ampute import ampute +from .builtin.apply_pipeline import apply_pipeline from .builtin.arima import arima from .builtin.auc import auc from .builtin.autoencoder_2layer import autoencoder_2layer @@ -38,7 +39,10 @@ from .builtin.bivar import bivar from .builtin.components import components from .builtin.confusionMatrix import confusionMatrix +from .builtin.cooccurrenceMatrix import cooccurrenceMatrix from .builtin.cor import cor +from .builtin.correctTypos import correctTypos +from .builtin.correctTyposApply import correctTyposApply from .builtin.cov import cov from .builtin.cox import cox from .builtin.cspline import cspline @@ -50,15 +54,22 @@ from .builtin.decisionTree import decisionTree from .builtin.decisionTreePredict import decisionTreePredict from .builtin.deepWalk import deepWalk +from .builtin.denialConstraints import denialConstraints from .builtin.differenceStatistics import differenceStatistics from .builtin.discoverFD import discoverFD from .builtin.dist import dist +from .builtin.dmv import dmv +from .builtin.ema import ema from .builtin.executePipeline import executePipeline from .builtin.f1Score import f1Score from .builtin.fdr import fdr from .builtin.ffPredict import ffPredict from .builtin.ffTrain import ffTrain +from .builtin.fit_pipeline import fit_pipeline +from .builtin.fixInvalidLengths import fixInvalidLengths +from .builtin.fixInvalidLengthsApply import fixInvalidLengthsApply from .builtin.flattenQuantile import flattenQuantile +from .builtin.frameSort import frameSort from .builtin.frequencyEncode import frequencyEncode from .builtin.frequencyEncodeApply import frequencyEncodeApply from .builtin.garch import garch @@ -66,6 +77,7 @@ from .builtin.getAccuracy import getAccuracy from .builtin.glm import glm from .builtin.glmPredict import glmPredict +from .builtin.glove import glove from .builtin.gmm import gmm from .builtin.gmmPredict import gmmPredict from .builtin.gnmf import gnmf @@ -97,6 +109,7 @@ from .builtin.impurityMeasures import impurityMeasures from .builtin.imputeByFD import imputeByFD from .builtin.imputeByFDApply import imputeByFDApply +from .builtin.imputeByKNN import imputeByKNN from .builtin.imputeByMean import imputeByMean from .builtin.imputeByMeanApply import imputeByMeanApply from .builtin.imputeByMedian import imputeByMedian @@ -126,6 +139,7 @@ from .builtin.mape import mape from .builtin.matrixProfile import matrixProfile from .builtin.mcc import mcc +from .builtin.mdedup import mdedup from .builtin.mice import mice from .builtin.miceApply import miceApply from .builtin.mse import mse @@ -153,6 +167,7 @@ from .builtin.pnmf import pnmf from .builtin.ppca import ppca from .builtin.psnr import psnr +from .builtin.quantizeByCluster import quantizeByCluster from .builtin.raGroupby import raGroupby from .builtin.raJoin import raJoin from .builtin.raSelection import raSelection @@ -165,6 +180,7 @@ from .builtin.selectByVarThresh import selectByVarThresh from .builtin.ses import ses from .builtin.setdiff import setdiff +from .builtin.shapExplainer import shapExplainer from .builtin.sherlock import sherlock from .builtin.sherlockPredict import sherlockPredict from .builtin.shortestPath import shortestPath @@ -189,10 +205,12 @@ from .builtin.tSNE import tSNE from .builtin.toOneHot import toOneHot from .builtin.tomeklink import tomeklink +from .builtin.topk_cleaning import topk_cleaning from .builtin.underSampling import underSampling from .builtin.union import union from .builtin.univar import univar from .builtin.vectorToCsv import vectorToCsv +from .builtin.wer import wer from .builtin.winsorize import winsorize from .builtin.winsorizeApply import winsorizeApply from .builtin.xdummy1 import xdummy1 @@ -211,6 +229,7 @@ 'alsPredict', 'alsTopkPredict', 'ampute', + 'apply_pipeline', 'arima', 'auc', 'autoencoder_2layer', @@ -218,7 +237,10 @@ 'bivar', 'components', 'confusionMatrix', + 'cooccurrenceMatrix', 'cor', + 'correctTypos', + 'correctTyposApply', 'cov', 'cox', 'cspline', @@ -230,15 +252,22 @@ 'decisionTree', 'decisionTreePredict', 'deepWalk', + 'denialConstraints', 'differenceStatistics', 'discoverFD', 'dist', + 'dmv', + 'ema', 'executePipeline', 'f1Score', 'fdr', 'ffPredict', 'ffTrain', + 'fit_pipeline', + 'fixInvalidLengths', + 'fixInvalidLengthsApply', 'flattenQuantile', + 'frameSort', 'frequencyEncode', 'frequencyEncodeApply', 'garch', @@ -246,6 +275,7 @@ 'getAccuracy', 'glm', 'glmPredict', + 'glove', 'gmm', 'gmmPredict', 'gnmf', @@ -277,6 +307,7 @@ 'impurityMeasures', 'imputeByFD', 'imputeByFDApply', + 'imputeByKNN', 'imputeByMean', 'imputeByMeanApply', 'imputeByMedian', @@ -306,6 +337,7 @@ 'mape', 'matrixProfile', 'mcc', + 'mdedup', 'mice', 'miceApply', 'mse', @@ -333,6 +365,7 @@ 'pnmf', 'ppca', 'psnr', + 'quantizeByCluster', 'raGroupby', 'raJoin', 'raSelection', @@ -345,6 +378,7 @@ 'selectByVarThresh', 'ses', 'setdiff', + 'shapExplainer', 'sherlock', 'sherlockPredict', 'shortestPath', @@ -369,10 +403,12 @@ 'tSNE', 'toOneHot', 'tomeklink', + 'topk_cleaning', 'underSampling', 'union', 'univar', 'vectorToCsv', + 'wer', 'winsorize', 'winsorizeApply', 'xdummy1', diff --git a/src/main/python/systemds/operator/algorithm/builtin/ampute.py b/src/main/python/systemds/operator/algorithm/builtin/ampute.py index d323000710e..fb3a82a380f 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/ampute.py +++ b/src/main/python/systemds/operator/algorithm/builtin/ampute.py @@ -33,6 +33,16 @@ def ampute(X: Matrix, """ This function injects missing values into a multivariate a given dataset, similarly to the ampute() method in R's MICE package. + + + :param X: a multivariate numeric dataset [shape: n-by-m] + :param prop: a number in the (0, 1] range specifying the proportion of amputed rows across the entire dataset + :param patterns: a pattern matrix of 0's and 1's [shape: k-by-m] where each row corresponds to a pattern. 0 indicates that a variable should have missing values and 1 indicating that a variable should remain complete + :param freq: a vector [length: k] containing the relative frequency with which each pattern in the patterns matrix should occur + :param mech: a string [either "MAR", "MNAR", or "MCAR"] specifying the missingness mechanism. Chosen "MAR" and "MNAR" settings will be overridden if a non-default weight matrix is specified + :param weights: a weight matrix [shape: k-by-m], containing weights that will be used to calculate the weighted sum scores. Will be overridden if mech == "MCAR" + :param seed: a manually defined seed for reproducible RNG + :return: amputed output dataset """ params_dict = {'X': X} diff --git a/src/main/python/systemds/operator/algorithm/builtin/apply_pipeline.py b/src/main/python/systemds/operator/algorithm/builtin/apply_pipeline.py index be1100b4127..63ffc3f66b3 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/apply_pipeline.py +++ b/src/main/python/systemds/operator/algorithm/builtin/apply_pipeline.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/confusionMatrix.py b/src/main/python/systemds/operator/algorithm/builtin/confusionMatrix.py index 81c549b5982..66a01780b0e 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/confusionMatrix.py +++ b/src/main/python/systemds/operator/algorithm/builtin/confusionMatrix.py @@ -35,7 +35,7 @@ def confusionMatrix(P: Matrix, and actual labels. We return both the counts and relative frequency (normalized by sum of true labels) - .. code-block:: + .. code-block:: text True Labels 1 2 diff --git a/src/main/python/systemds/operator/algorithm/builtin/cooccurrenceMatrix.py b/src/main/python/systemds/operator/algorithm/builtin/cooccurrenceMatrix.py new file mode 100644 index 00000000000..6df77d3e7dd --- /dev/null +++ b/src/main/python/systemds/operator/algorithm/builtin/cooccurrenceMatrix.py @@ -0,0 +1,58 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +# Autogenerated From : scripts/builtin/cooccurrenceMatrix.dml + +from typing import Dict, Iterable + +from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar +from systemds.utils.consts import VALID_INPUT_TYPES + + +def cooccurrenceMatrix(input: Frame, + maxTokens: int, + windowSize: int, + distanceWeighting: bool, + symmetric: bool): + """ + Cleans and processes text data by removing punctuation, converting it to lowercase, and reformatting. + Adds an index column to the result. The implementation is based on + https://github.com/stanfordnlp/GloVe/blob/master/src/cooccur.c + + + + :param S: (Frame[Unknown]): 1D input data frame containing text data. + :return: (Frame[Unknown]): Processed text data with an index column. + """ + + params_dict = {'input': input, 'maxTokens': maxTokens, 'windowSize': windowSize, 'distanceWeighting': distanceWeighting, 'symmetric': symmetric} + + vX_0 = Matrix(input.sds_context, '') + vX_1 = Frame(input.sds_context, '') + output_nodes = [vX_0, vX_1, ] + + op = MultiReturn(input.sds_context, 'cooccurrenceMatrix', output_nodes, named_input_nodes=params_dict) + + vX_0._unnamed_input_nodes = [op] + vX_1._unnamed_input_nodes = [op] + + return op diff --git a/src/main/python/systemds/operator/algorithm/builtin/correctTypos.py b/src/main/python/systemds/operator/algorithm/builtin/correctTypos.py index 321a1949f58..64354a9bc3e 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/correctTypos.py +++ b/src/main/python/systemds/operator/algorithm/builtin/correctTypos.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/correctTyposApply.py b/src/main/python/systemds/operator/algorithm/builtin/correctTyposApply.py index 0a2c61a6f40..5da8769509c 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/correctTyposApply.py +++ b/src/main/python/systemds/operator/algorithm/builtin/correctTyposApply.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/decisionTree.py b/src/main/python/systemds/operator/algorithm/builtin/decisionTree.py index a1a751d0aad..3fe565b8c7e 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/decisionTree.py +++ b/src/main/python/systemds/operator/algorithm/builtin/decisionTree.py @@ -44,9 +44,9 @@ def decisionTree(X: Matrix, and the following trees, M would look as follows: (L1) |d<5| - / \ + / \\ (L2) P1:2 |a<7| - / \ + / \\ (L3) P2:2 P3:1 --> M := diff --git a/src/main/python/systemds/operator/algorithm/builtin/denialConstraints.py b/src/main/python/systemds/operator/algorithm/builtin/denialConstraints.py index 347502b848e..5cdec212965 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/denialConstraints.py +++ b/src/main/python/systemds/operator/algorithm/builtin/denialConstraints.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/differenceStatistics.py b/src/main/python/systemds/operator/algorithm/builtin/differenceStatistics.py index dfe2218a424..b6597bb6e4b 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/differenceStatistics.py +++ b/src/main/python/systemds/operator/algorithm/builtin/differenceStatistics.py @@ -35,6 +35,11 @@ def differenceStatistics(X: Matrix, they are different. This can be used for instance in comparison of lossy compression techniques, that reduce the fidelity of the data. + + + :param X: First Matrix to compare + :param Y: Second Matrix to compare + :return: Difference statistics """ params_dict = {'X': X, 'Y': Y} diff --git a/src/main/python/systemds/operator/algorithm/builtin/dist.py b/src/main/python/systemds/operator/algorithm/builtin/dist.py index 5f33d96bc22..37a506c305a 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/dist.py +++ b/src/main/python/systemds/operator/algorithm/builtin/dist.py @@ -32,6 +32,18 @@ def dist(X: Matrix): """ Returns Euclidean distance matrix (distances between N n-dimensional points) + .. code-block:: python + + >>> import numpy as np + >>> with SystemDSContext() as sds: + ... X = sds.from_numpy(np.array([[0], [3], [4]])) + ... out = dist(X).compute() + ... print(out) + [[0. 3. 4.] + [3. 0. 1.] + [4. 1. 0.]] + + :param X: Matrix to calculate the distance inside diff --git a/src/main/python/systemds/operator/algorithm/builtin/dmv.py b/src/main/python/systemds/operator/algorithm/builtin/dmv.py index deaf3ea8a6b..2955e505e13 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/dmv.py +++ b/src/main/python/systemds/operator/algorithm/builtin/dmv.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/ema.py b/src/main/python/systemds/operator/algorithm/builtin/ema.py index 4e0ccca6bbb..90f9a852d76 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/ema.py +++ b/src/main/python/systemds/operator/algorithm/builtin/ema.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/executePipeline.py b/src/main/python/systemds/operator/algorithm/builtin/executePipeline.py index 1fffb46f100..66750fc0711 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/executePipeline.py +++ b/src/main/python/systemds/operator/algorithm/builtin/executePipeline.py @@ -28,7 +28,18 @@ from systemds.utils.consts import VALID_INPUT_TYPES -def executePipeline(X: Matrix): +def executePipeline(pipeline: Frame, + Xtrain: Matrix, + Ytrain: Matrix, + Xtest: Matrix, + Ytest: Matrix, + metaList: List, + hyperParameters: Matrix, + flagsCount: int, + verbose: bool, + startInd: int, + endInd: int, + **kwargs: Dict[str, VALID_INPUT_TYPES]): """ This function execute pipeline. @@ -56,17 +67,30 @@ def executePipeline(X: Matrix): :return: --- """ - params_dict = {'X': X} + params_dict = {'pipeline': pipeline, 'Xtrain': Xtrain, 'Ytrain': Ytrain, 'Xtest': Xtest, 'Ytest': Ytest, 'metaList': metaList, 'hyperParameters': hyperParameters, 'flagsCount': flagsCount, 'verbose': verbose, 'startInd': startInd, 'endInd': endInd} + params_dict.update(kwargs) - vX_0 = Matrix(X.sds_context, '') - vX_1 = Matrix(X.sds_context, '') - vX_2 = Matrix(X.sds_context, '') - output_nodes = [vX_0, vX_1, vX_2, ] + vX_0 = Matrix(pipeline.sds_context, '') + vX_1 = Matrix(pipeline.sds_context, '') + vX_2 = Matrix(pipeline.sds_context, '') + vX_3 = Matrix(pipeline.sds_context, '') + vX_4 = Scalar(pipeline.sds_context, '') + vX_5 = Matrix(pipeline.sds_context, '') + vX_6 = Matrix(pipeline.sds_context, '') + vX_7 = Scalar(pipeline.sds_context, '') + vX_8 = List(pipeline.sds_context, '') + output_nodes = [vX_0, vX_1, vX_2, vX_3, vX_4, vX_5, vX_6, vX_7, vX_8, ] - op = MultiReturn(X.sds_context, 'executePipeline', output_nodes, named_input_nodes=params_dict) + op = MultiReturn(pipeline.sds_context, 'executePipeline', output_nodes, named_input_nodes=params_dict) vX_0._unnamed_input_nodes = [op] vX_1._unnamed_input_nodes = [op] vX_2._unnamed_input_nodes = [op] + vX_3._unnamed_input_nodes = [op] + vX_4._unnamed_input_nodes = [op] + vX_5._unnamed_input_nodes = [op] + vX_6._unnamed_input_nodes = [op] + vX_7._unnamed_input_nodes = [op] + vX_8._unnamed_input_nodes = [op] return op diff --git a/src/main/python/systemds/operator/algorithm/builtin/fit_pipeline.py b/src/main/python/systemds/operator/algorithm/builtin/fit_pipeline.py index 5de40c745f8..48363035d8b 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/fit_pipeline.py +++ b/src/main/python/systemds/operator/algorithm/builtin/fit_pipeline.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/fixInvalidLengths.py b/src/main/python/systemds/operator/algorithm/builtin/fixInvalidLengths.py index b635f31b298..cc0e83a51e4 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/fixInvalidLengths.py +++ b/src/main/python/systemds/operator/algorithm/builtin/fixInvalidLengths.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/fixInvalidLengthsApply.py b/src/main/python/systemds/operator/algorithm/builtin/fixInvalidLengthsApply.py index cc8fe68aacc..ed2572368d3 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/fixInvalidLengthsApply.py +++ b/src/main/python/systemds/operator/algorithm/builtin/fixInvalidLengthsApply.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/frameSort.py b/src/main/python/systemds/operator/algorithm/builtin/frameSort.py index 0bfc7f3afec..2575baefe4b 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/frameSort.py +++ b/src/main/python/systemds/operator/algorithm/builtin/frameSort.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/glove.py b/src/main/python/systemds/operator/algorithm/builtin/glove.py new file mode 100644 index 00000000000..cbf9c421c40 --- /dev/null +++ b/src/main/python/systemds/operator/algorithm/builtin/glove.py @@ -0,0 +1,67 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +# Autogenerated From : scripts/builtin/glove.dml + +from typing import Dict, Iterable + +from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar +from systemds.utils.consts import VALID_INPUT_TYPES + + +def glove(input: Frame, + seed: int, + vector_size: int, + alpha: float, + eta: float, + x_max: float, + tol: float, + iterations: int, + print_loss_it: int, + maxTokens: int, + windowSize: int, + distanceWeighting: bool, + symmetric: bool): + """ + + + + :param input: 1DInput corpus in CSV format. + :param seed: Random seed for reproducibility. + :param vector_size: Dimensionality of word vectors, V. + :param eta: Learning rate for optimization, recommended value: 0.05. + :param alpha: Weighting function parameter, recommended value: 0.75. + :param x_max: Maximum co-occurrence value as per the GloVe paper: 100. + :param tol: Tolerance value to avoid overfitting, recommended value: 1e-4. + :param iterations: Total number of training iterations. + :param print_loss_it: Interval (in iterations) for printing the loss. + :param maxTokens: Maximum number of tokens per text entry. + :param windowSize: Context window size. + :param distanceWeighting: Whether to apply distance-based weighting. + :param symmetric: Determines if the matrix is symmetric (TRUE) or asymmetric (FALSE). + :return: The word indices and their word vectors, of shape (N, V). Each represented as a vector, of shape (1,V) + """ + + params_dict = {'input': input, 'seed': seed, 'vector_size': vector_size, 'alpha': alpha, 'eta': eta, 'x_max': x_max, 'tol': tol, 'iterations': iterations, 'print_loss_it': print_loss_it, 'maxTokens': maxTokens, 'windowSize': windowSize, 'distanceWeighting': distanceWeighting, 'symmetric': symmetric} + return Matrix(input.sds_context, + 'glove', + named_input_nodes=params_dict) diff --git a/src/main/python/systemds/operator/algorithm/builtin/imputeByKNN.py b/src/main/python/systemds/operator/algorithm/builtin/imputeByKNN.py index fcc096180b9..f04aa098514 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/imputeByKNN.py +++ b/src/main/python/systemds/operator/algorithm/builtin/imputeByKNN.py @@ -25,13 +25,30 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES def imputeByKNN(X: Matrix, **kwargs: Dict[str, VALID_INPUT_TYPES]): + """ + Imputes missing values, indicated by NaNs, using KNN-based methods + (k-nearest neighbors by euclidean distance). In order to avoid NaNs in + distance computation and meaningful nearest neighbor search, we initialize + the missing values by column means. Currently, only the column with the most + missing values is actually imputed. + + + :param X: Matrix with missing values, which are represented as NaNs + :param method: Method used for imputing missing values with different performance and accuracy tradeoffs:\n + - 'dist' (default): Compute all-pairs distances and impute the missing values by closest. O(N^2 * #features) + - 'dist_missing': Compute distances between data and records with missing values. O(N*M * #features), assuming that the number of records with MV is M<>> import numpy as np + >>> from systemds.context import SystemDSContext + >>> from systemds.operator.algorithm import lm + >>> from sklearn.linear_model import LinearRegression + >>> + >>> np.random.seed(7) + >>> X = np.random.rand(30, 1) + >>> Y = np.random.rand(30, 1) + >>> regressor = LinearRegression(fit_intercept=False) + >>> model = regressor.fit(X, Y).coef_ + >>> + >>> with SystemDSContext() as sds: + ... X_sds = sds.from_numpy(X) + ... Y_sds = sds.from_numpy(Y) + ... sds_model_weights = lm(X_sds, Y_sds, verbose=False).compute() + ... model = model.reshape(sds_model_weights.shape) + ... eps = 1e-03 + ... + ... print(np.allclose(sds_model_weights, model, eps)) + True + + :param X: Matrix of feature vectors. diff --git a/src/main/python/systemds/operator/algorithm/builtin/mdedup.py b/src/main/python/systemds/operator/algorithm/builtin/mdedup.py index 85d93d5c2cc..cbcc15d43b2 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/mdedup.py +++ b/src/main/python/systemds/operator/algorithm/builtin/mdedup.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES diff --git a/src/main/python/systemds/operator/algorithm/builtin/normalize.py b/src/main/python/systemds/operator/algorithm/builtin/normalize.py index 9353f75b8bf..ff0b63b9106 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/normalize.py +++ b/src/main/python/systemds/operator/algorithm/builtin/normalize.py @@ -33,6 +33,18 @@ def normalize(X: Matrix): Min-max normalization (a.k.a. min-max scaling) to range [0,1]. For matrices of positive values, this normalization preserves the input sparsity. + .. code-block:: python + + >>> import numpy as np + >>> from systemds.context import SystemDSContext + >>> with SystemDSContext() as sds: + ... X = sds.from_numpy(np.array([[1, 2], [3, 4]])) + ... Y, cmin, cmax = normalize(X).compute() + ... print(Y) + [[0. 0.] + [1. 1.]] + + :param X: Input feature matrix of shape n-by-m diff --git a/src/main/python/systemds/operator/algorithm/builtin/quantizeByCluster.py b/src/main/python/systemds/operator/algorithm/builtin/quantizeByCluster.py new file mode 100644 index 00000000000..5afb96412b9 --- /dev/null +++ b/src/main/python/systemds/operator/algorithm/builtin/quantizeByCluster.py @@ -0,0 +1,83 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +# Autogenerated From : scripts/builtin/quantizeByCluster.dml + +from typing import Dict, Iterable + +from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar +from systemds.utils.consts import VALID_INPUT_TYPES + + +def quantizeByCluster(X: Matrix, + **kwargs: Dict[str, VALID_INPUT_TYPES]): + """ + The quantizeByCluster-function implements product quantization. Initially, it + divides the original vector space into M subspaces. The resulting lower dimensional + subvectors are then quantized. If the column count is not divisible by the number of + subspaces M, the data is padded with zeros. Optimal space decomposition can be + computed, when the data follows a Gaussian distribution. The function uses kmeans for + quantizing and svd to compute the space decomposition. + + + + :param X: The input matrix to perform product quantization on + :param M: Number of subspaces + :param k: Number of vectors in the subcodebooks + :param runs: Number of runs (with different initial centroids) + :param max_iter: Maximum number of iterations per run + :param eps: Tolerance (epsilon) for WCSS change ratio + :param avg_sample_size_per_centroid: Average number of records per centroid in data samples + :param separate: Cluster subspaces separately. If value is set to true, + kmeans is run M times, once for each subspace. Otherwise + kmeans is run only once. + :param space_decomp: Decompose the vector space by multiplying the input + matrix X with an orthogonal matrix R. Assumes the data + follows a parametric Gaussian distribution. + Time complexity in O(nrow(X)^2 * min(nrow(X), ncol(X))). + :param seed: The seed used for initial sampling. If set to -1 random + seeds are selected. + :return: The matrix containing the centroids. If clustered separately, the ith + subcodebook is the ith chunk of size k. The codebook matrix has the dimensions + [k*M x ncol(X)/M]. + :return: The mapping of vectors to centroids. Each vector of the input matrix X is mapped + onto a vector of codes. The entries in the codes matrix are the indices of + the vectors in the codebook. The codes matrix has the dimensions [nrow(X) x M]. + :return: The orthogonal matrix R which is applied to the input matrix X before performing + the product quantization. Only relevant when space_decomp = TRUE. + """ + + params_dict = {'X': X} + params_dict.update(kwargs) + + vX_0 = Matrix(X.sds_context, '') + vX_1 = Matrix(X.sds_context, '') + vX_2 = Matrix(X.sds_context, '') + output_nodes = [vX_0, vX_1, vX_2, ] + + op = MultiReturn(X.sds_context, 'quantizeByCluster', output_nodes, named_input_nodes=params_dict) + + vX_0._unnamed_input_nodes = [op] + vX_1._unnamed_input_nodes = [op] + vX_2._unnamed_input_nodes = [op] + + return op diff --git a/src/main/python/systemds/operator/algorithm/builtin/randomForest.py b/src/main/python/systemds/operator/algorithm/builtin/randomForest.py index 88b1c9145b8..81b7d84af03 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/randomForest.py +++ b/src/main/python/systemds/operator/algorithm/builtin/randomForest.py @@ -40,16 +40,17 @@ def randomForest(X: Matrix, and optionally subset of features (columns). During tree construction, split candidates are additionally chosen on a sample of remaining features. - .. code-block:: + .. code-block:: text For example, given a feature matrix with features [a,b,c,d] and the following two trees, M (the output) would look as follows: (L1) |a<7| |d<5| - / \ / \ + / \\ / \\ (L2) |c<3| |b<4| |a<7| P3:2 - / \ / \ / \ + / \\ / \\ / \\ (L3) P1:2 P2:1 P3:1 P4:2 P1:2 P2:1 + --> M := [[1, 7, 3, 3, 2, 4, 0, 2, 0, 1, 0, 1, 0, 2], (1st tree) [4, 5, 1, 7, 0, 2, 0, 2, 0, 1, 0, 0, 0, 0]] (2nd tree) @@ -60,6 +61,48 @@ def randomForest(X: Matrix, (e.g., [1,1,1,0] if we sampled a,b,c of the four features) + .. code-block:: python + + >>> import numpy as np + >>> from systemds.context import SystemDSContext + >>> from systemds.operator.algorithm import randomForest, randomForestPredict + >>> + >>> # tiny toy dataset + >>> X = np.array([[1], + ... [2], + ... [10], + ... [11]], dtype=np.int64) + >>> y = np.array([[1], + ... [1], + ... [2], + ... [2]], dtype=np.int64) + >>> + >>> with SystemDSContext() as sds: + ... X_sds = sds.from_numpy(X) + ... y_sds = sds.from_numpy(y) + ... + ... ctypes = sds.from_numpy(np.array([[1, 2]], dtype=np.int64)) + ... + ... # train a 4-tree forest (no sampling) + ... M = randomForest( + ... X_sds, y_sds, ctypes, + ... num_trees = 4, + ... sample_frac = 1.0, + ... feature_frac = 1.0, + ... max_depth = 3, + ... min_leaf = 1, + ... min_split = 2, + ... seed = 42 + ... ) + ... + ... preds = randomForestPredict(X_sds, ctypes, M).compute() + ... print(preds) + [[1.] + [1.] + [2.] + [2.]] + + :param X: Feature matrix in recoded/binned representation diff --git a/src/main/python/systemds/operator/algorithm/builtin/shapExplainer.py b/src/main/python/systemds/operator/algorithm/builtin/shapExplainer.py new file mode 100644 index 00000000000..42a0afb6e69 --- /dev/null +++ b/src/main/python/systemds/operator/algorithm/builtin/shapExplainer.py @@ -0,0 +1,78 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +# Autogenerated From : scripts/builtin/shapExplainer.dml + +from typing import Dict, Iterable + +from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar +from systemds.utils.consts import VALID_INPUT_TYPES + + +def shapExplainer(model_function: str, + model_args: List, + x_instances: Matrix, + X_bg: Matrix, + **kwargs: Dict[str, VALID_INPUT_TYPES]): + """ + Computes shapley values for multiple instances in parallel using antithetic permutation sampling. + The resulting matrix phis holds the shapley values for each feature in the column given by the index of the feature in the sample. + + This method first creates two large matrices for masks and masked background data for all permutations and + then runs in paralell on all instances in x. + While the prepared matrices can become very large (2 * #features * #permuations * #n_samples * #features), + the preparation of a row for the model call breaks down to a single element-wise multiplication of this mask with the row and + an addition to the masked background data, since masks can be reused for each instance. + + + + :param model_function: The function of the model to be evaluated as a String. This function has to take a matrix of samples + and return a vector of predictions. + It might be usefull to wrap the model into a function the takes and returns the desired shapes and + use this wrapper here. + :param model_args: Arguments in order for the model, if desired. This will be prepended by the created instances-matrix. + :param x_instances: Multiple instances as rows for which to compute the shapley values. + :param X_bg: The background dataset from which to pull the random samples to perform Monte Carlo integration. + :param n_permutations: The number of permutaions. Defaults to 10. Theoretical 1 should already be enough for models with up + to second order interaction effects. + :param n_samples: Number of samples from X_bg used for marginalization. + :param remove_non_var: EXPERIMENTAL: If set, for every instance the varaince of each feature is checked against this feature in the + background data. If it does not change, we do not run any model cals for it. + :param seed: A seed, in case the sampling has to be deterministic. + :param verbose: A boolean to enable logging of each step of the function. + :return: Matrix holding the shapley values along the cols, one row per instance. + :return: Double holding the average prediction of all instances. + """ + + params_dict = {'model_function': model_function, 'model_args': model_args, 'x_instances': x_instances, 'X_bg': X_bg} + params_dict.update(kwargs) + + vX_0 = Matrix(model_function.sds_context, '') + vX_1 = Scalar(model_function.sds_context, '') + output_nodes = [vX_0, vX_1, ] + + op = MultiReturn(model_function.sds_context, 'shapExplainer', output_nodes, named_input_nodes=params_dict) + + vX_0._unnamed_input_nodes = [op] + vX_1._unnamed_input_nodes = [op] + + return op diff --git a/src/main/python/systemds/operator/algorithm/builtin/toOneHot.py b/src/main/python/systemds/operator/algorithm/builtin/toOneHot.py index 0ad76ec5f70..f2bad0538f7 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/toOneHot.py +++ b/src/main/python/systemds/operator/algorithm/builtin/toOneHot.py @@ -33,10 +33,24 @@ def toOneHot(X: Matrix, """ The toOneHot-function encodes unordered categorical vector to multiple binary vectors. + .. code-block:: python + + >>> import numpy as np + >>> from systemds.context import SystemDSContext + >>> with SystemDSContext() as sds: + ... X = sds.from_numpy(np.array([[1], [3], [2], [3]])) + ... Y = toOneHot(X, numClasses=3).compute() + ... print(Y) + [[1. 0. 0.] + [0. 0. 1.] + [0. 1. 0.] + [0. 0. 1.]] + + :param X: Vector with N integer entries between 1 and numClasses - :param numclasses: Number of columns, must be be greater than or equal to largest value in X + :param numClasses: Number of columns, must be be greater than or equal to largest value in X :return: One-hot-encoded matrix with shape (N, numClasses) """ diff --git a/src/main/python/systemds/operator/algorithm/builtin/topk_cleaning.py b/src/main/python/systemds/operator/algorithm/builtin/topk_cleaning.py index 16a20d20e08..c0a77296220 100644 --- a/src/main/python/systemds/operator/algorithm/builtin/topk_cleaning.py +++ b/src/main/python/systemds/operator/algorithm/builtin/topk_cleaning.py @@ -25,7 +25,6 @@ from typing import Dict, Iterable from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar -from systemds.script_building.dag import OutputType from systemds.utils.consts import VALID_INPUT_TYPES @@ -38,6 +37,11 @@ def topk_cleaning(dataTrain: Frame, """ This function cleans top-K item (where K is given as input)for a given list of users. metaData[3, ncol(X)] : metaData[1] stores mask, metaData[2] stores schema, metaData[3] stores FD mask + + + + :param TODO: TODO + :return: TODO """ params_dict = {'dataTrain': dataTrain, 'primitives': primitives, 'parameters': parameters, 'evaluationFunc': evaluationFunc, 'evalFunHp': evalFunHp} diff --git a/src/main/python/systemds/operator/algorithm/builtin/wer.py b/src/main/python/systemds/operator/algorithm/builtin/wer.py new file mode 100644 index 00000000000..99d278461cf --- /dev/null +++ b/src/main/python/systemds/operator/algorithm/builtin/wer.py @@ -0,0 +1,48 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +# Autogenerated From : scripts/builtin/wer.dml + +from typing import Dict, Iterable + +from systemds.operator import OperationNode, Matrix, Frame, List, MultiReturn, Scalar +from systemds.utils.consts import VALID_INPUT_TYPES + + +def wer(R: Frame, + H: Frame): + """ + This built-in function computes the word error rate (WER) + defined as wer = (numSubst + numDel + numIns) / length(r) + + + + :param R: Input frame of reference strings, shape: [N x 1] + :param H: Input frame of hypothesis strings, shape: [N x 1] + :return: Output matrix of word error rate per pair of strings, + shape: [N x 1], where W[i,1] = wer(R[i,1], H[i,1]) + """ + + params_dict = {'R': R, 'H': H} + return Matrix(R.sds_context, + 'wer', + named_input_nodes=params_dict) diff --git a/src/main/python/tests/algorithms/test_cov.py b/src/main/python/tests/algorithms/test_cov.py index 7a3e10be133..e67f15528bf 100644 --- a/src/main/python/tests/algorithms/test_cov.py +++ b/src/main/python/tests/algorithms/test_cov.py @@ -37,7 +37,6 @@ class TestCOV(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/algorithms/test_gmm.py b/src/main/python/tests/algorithms/test_gmm.py index cbcccc260d1..b52f27b3e41 100644 --- a/src/main/python/tests/algorithms/test_gmm.py +++ b/src/main/python/tests/algorithms/test_gmm.py @@ -26,7 +26,6 @@ class TestGMM(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/algorithms/test_gmm_train_predict.py b/src/main/python/tests/algorithms/test_gmm_train_predict.py index 12c86f6ad00..1330404dd57 100644 --- a/src/main/python/tests/algorithms/test_gmm_train_predict.py +++ b/src/main/python/tests/algorithms/test_gmm_train_predict.py @@ -27,7 +27,6 @@ class TestGMM(unittest.TestCase): - model_dir: str = "tests/algorithms/readwrite/" model_path: str = model_dir + "model" diff --git a/src/main/python/tests/algorithms/test_kmeans.py b/src/main/python/tests/algorithms/test_kmeans.py index 9b8ab1ececf..0125087c81f 100644 --- a/src/main/python/tests/algorithms/test_kmeans.py +++ b/src/main/python/tests/algorithms/test_kmeans.py @@ -27,7 +27,6 @@ class TestKMeans(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/algorithms/test_l2svm.py b/src/main/python/tests/algorithms/test_l2svm.py index d7ea0d862bc..3f97bd98d12 100644 --- a/src/main/python/tests/algorithms/test_l2svm.py +++ b/src/main/python/tests/algorithms/test_l2svm.py @@ -27,7 +27,6 @@ class TestL2svm(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/algorithms/test_lm.py b/src/main/python/tests/algorithms/test_lm.py index aad8abac66a..d695f409c90 100644 --- a/src/main/python/tests/algorithms/test_lm.py +++ b/src/main/python/tests/algorithms/test_lm.py @@ -30,7 +30,6 @@ class TestLm(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/algorithms/test_multiLogReg.py b/src/main/python/tests/algorithms/test_multiLogReg.py index 597e9d0584b..3039551bf62 100644 --- a/src/main/python/tests/algorithms/test_multiLogReg.py +++ b/src/main/python/tests/algorithms/test_multiLogReg.py @@ -27,7 +27,6 @@ class TestMultiLogReg(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/algorithms/test_pca.py b/src/main/python/tests/algorithms/test_pca.py index cdfbe729028..fed71a48b73 100644 --- a/src/main/python/tests/algorithms/test_pca.py +++ b/src/main/python/tests/algorithms/test_pca.py @@ -27,7 +27,6 @@ class TestPCA(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/algorithms/test_signal.py b/src/main/python/tests/algorithms/test_signal.py index 769228fc154..33472ae56fb 100644 --- a/src/main/python/tests/algorithms/test_signal.py +++ b/src/main/python/tests/algorithms/test_signal.py @@ -26,7 +26,6 @@ class TestSignal(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/algorithms/test_solve.py b/src/main/python/tests/algorithms/test_solve.py index ef7c331b30b..604781cf23a 100644 --- a/src/main/python/tests/algorithms/test_solve.py +++ b/src/main/python/tests/algorithms/test_solve.py @@ -33,7 +33,6 @@ class TestSOLVE(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/auto_tests/test_WoE.py b/src/main/python/tests/auto_tests/test_WoE.py new file mode 100644 index 00000000000..1e2938c9aca --- /dev/null +++ b/src/main/python/tests/auto_tests/test_WoE.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.WoE import WoE + + +class TestWOE(unittest.TestCase): + def test_WoE(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_WoEApply.py b/src/main/python/tests/auto_tests/test_WoEApply.py new file mode 100644 index 00000000000..4b99f48118a --- /dev/null +++ b/src/main/python/tests/auto_tests/test_WoEApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.WoEApply import WoEApply + + +class TestWOEAPPLY(unittest.TestCase): + def test_WoEApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_abstain.py b/src/main/python/tests/auto_tests/test_abstain.py new file mode 100644 index 00000000000..2683960c063 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_abstain.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.abstain import abstain + + +class TestABSTAIN(unittest.TestCase): + def test_abstain(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_adasyn.py b/src/main/python/tests/auto_tests/test_adasyn.py new file mode 100644 index 00000000000..f99a48e3a5b --- /dev/null +++ b/src/main/python/tests/auto_tests/test_adasyn.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.adasyn import adasyn + + +class TestADASYN(unittest.TestCase): + def test_adasyn(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_als.py b/src/main/python/tests/auto_tests/test_als.py new file mode 100644 index 00000000000..fc9e8b4a633 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_als.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.als import als + + +class TestALS(unittest.TestCase): + def test_als(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_alsCG.py b/src/main/python/tests/auto_tests/test_alsCG.py new file mode 100644 index 00000000000..c1868f509bb --- /dev/null +++ b/src/main/python/tests/auto_tests/test_alsCG.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.alsCG import alsCG + + +class TestALSCG(unittest.TestCase): + def test_alsCG(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_alsDS.py b/src/main/python/tests/auto_tests/test_alsDS.py new file mode 100644 index 00000000000..7293efdf635 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_alsDS.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.alsDS import alsDS + + +class TestALSDS(unittest.TestCase): + def test_alsDS(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_alsPredict.py b/src/main/python/tests/auto_tests/test_alsPredict.py new file mode 100644 index 00000000000..984355600ef --- /dev/null +++ b/src/main/python/tests/auto_tests/test_alsPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.alsPredict import alsPredict + + +class TestALSPREDICT(unittest.TestCase): + def test_alsPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_alsTopkPredict.py b/src/main/python/tests/auto_tests/test_alsTopkPredict.py new file mode 100644 index 00000000000..a8a1f98cebd --- /dev/null +++ b/src/main/python/tests/auto_tests/test_alsTopkPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.alsTopkPredict import alsTopkPredict + + +class TestALSTOPKPREDICT(unittest.TestCase): + def test_alsTopkPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_ampute.py b/src/main/python/tests/auto_tests/test_ampute.py new file mode 100644 index 00000000000..5a7a80cd985 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_ampute.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.ampute import ampute + + +class TestAMPUTE(unittest.TestCase): + def test_ampute(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_apply_pipeline.py b/src/main/python/tests/auto_tests/test_apply_pipeline.py new file mode 100644 index 00000000000..344d563d919 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_apply_pipeline.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.apply_pipeline import apply_pipeline + + +class TestAPPLY_PIPELINE(unittest.TestCase): + def test_apply_pipeline(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_arima.py b/src/main/python/tests/auto_tests/test_arima.py new file mode 100644 index 00000000000..e44e8e5512e --- /dev/null +++ b/src/main/python/tests/auto_tests/test_arima.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.arima import arima + + +class TestARIMA(unittest.TestCase): + def test_arima(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_auc.py b/src/main/python/tests/auto_tests/test_auc.py new file mode 100644 index 00000000000..e4feef9d01d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_auc.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.auc import auc + + +class TestAUC(unittest.TestCase): + def test_auc(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_autoencoder_2layer.py b/src/main/python/tests/auto_tests/test_autoencoder_2layer.py new file mode 100644 index 00000000000..e5f51581413 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_autoencoder_2layer.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.autoencoder_2layer import autoencoder_2layer + + +class TestAUTOENCODER_2LAYER(unittest.TestCase): + def test_autoencoder_2layer(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_bandit.py b/src/main/python/tests/auto_tests/test_bandit.py new file mode 100644 index 00000000000..fbb299784df --- /dev/null +++ b/src/main/python/tests/auto_tests/test_bandit.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.bandit import bandit + + +class TestBANDIT(unittest.TestCase): + def test_bandit(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_bivar.py b/src/main/python/tests/auto_tests/test_bivar.py new file mode 100644 index 00000000000..57765d74f8f --- /dev/null +++ b/src/main/python/tests/auto_tests/test_bivar.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.bivar import bivar + + +class TestBIVAR(unittest.TestCase): + def test_bivar(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_components.py b/src/main/python/tests/auto_tests/test_components.py new file mode 100644 index 00000000000..58d78815800 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_components.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.components import components + + +class TestCOMPONENTS(unittest.TestCase): + def test_components(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_confusionMatrix.py b/src/main/python/tests/auto_tests/test_confusionMatrix.py new file mode 100644 index 00000000000..a47feabfe0e --- /dev/null +++ b/src/main/python/tests/auto_tests/test_confusionMatrix.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.confusionMatrix import confusionMatrix + + +class TestCONFUSIONMATRIX(unittest.TestCase): + def test_confusionMatrix(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_cooccurrenceMatrix.py b/src/main/python/tests/auto_tests/test_cooccurrenceMatrix.py new file mode 100644 index 00000000000..c030422f2ec --- /dev/null +++ b/src/main/python/tests/auto_tests/test_cooccurrenceMatrix.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.cooccurrenceMatrix import cooccurrenceMatrix + + +class TestCOOCCURRENCEMATRIX(unittest.TestCase): + def test_cooccurrenceMatrix(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_cor.py b/src/main/python/tests/auto_tests/test_cor.py new file mode 100644 index 00000000000..6e40a71a3e9 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_cor.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.cor import cor + + +class TestCOR(unittest.TestCase): + def test_cor(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_correctTypos.py b/src/main/python/tests/auto_tests/test_correctTypos.py new file mode 100644 index 00000000000..d0de40f538c --- /dev/null +++ b/src/main/python/tests/auto_tests/test_correctTypos.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.correctTypos import correctTypos + + +class TestCORRECTTYPOS(unittest.TestCase): + def test_correctTypos(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_correctTyposApply.py b/src/main/python/tests/auto_tests/test_correctTyposApply.py new file mode 100644 index 00000000000..c4f482714f1 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_correctTyposApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.correctTyposApply import correctTyposApply + + +class TestCORRECTTYPOSAPPLY(unittest.TestCase): + def test_correctTyposApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_cox.py b/src/main/python/tests/auto_tests/test_cox.py new file mode 100644 index 00000000000..0659d9ab382 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_cox.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.cox import cox + + +class TestCOX(unittest.TestCase): + def test_cox(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_cspline.py b/src/main/python/tests/auto_tests/test_cspline.py new file mode 100644 index 00000000000..f520a062703 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_cspline.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.cspline import cspline + + +class TestCSPLINE(unittest.TestCase): + def test_cspline(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_csplineCG.py b/src/main/python/tests/auto_tests/test_csplineCG.py new file mode 100644 index 00000000000..4c500c1b5fe --- /dev/null +++ b/src/main/python/tests/auto_tests/test_csplineCG.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.csplineCG import csplineCG + + +class TestCSPLINECG(unittest.TestCase): + def test_csplineCG(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_csplineDS.py b/src/main/python/tests/auto_tests/test_csplineDS.py new file mode 100644 index 00000000000..6031cae2910 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_csplineDS.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.csplineDS import csplineDS + + +class TestCSPLINEDS(unittest.TestCase): + def test_csplineDS(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_cvlm.py b/src/main/python/tests/auto_tests/test_cvlm.py new file mode 100644 index 00000000000..d1dee3d2158 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_cvlm.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.cvlm import cvlm + + +class TestCVLM(unittest.TestCase): + def test_cvlm(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_dbscan.py b/src/main/python/tests/auto_tests/test_dbscan.py new file mode 100644 index 00000000000..a91054d4707 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_dbscan.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.dbscan import dbscan + + +class TestDBSCAN(unittest.TestCase): + def test_dbscan(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_dbscanApply.py b/src/main/python/tests/auto_tests/test_dbscanApply.py new file mode 100644 index 00000000000..442fab5e984 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_dbscanApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.dbscanApply import dbscanApply + + +class TestDBSCANAPPLY(unittest.TestCase): + def test_dbscanApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_decisionTree.py b/src/main/python/tests/auto_tests/test_decisionTree.py new file mode 100644 index 00000000000..06cbb60740d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_decisionTree.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.decisionTree import decisionTree + + +class TestDECISIONTREE(unittest.TestCase): + def test_decisionTree(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_decisionTreePredict.py b/src/main/python/tests/auto_tests/test_decisionTreePredict.py new file mode 100644 index 00000000000..b51da1e15f2 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_decisionTreePredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.decisionTreePredict import decisionTreePredict + + +class TestDECISIONTREEPREDICT(unittest.TestCase): + def test_decisionTreePredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_deepWalk.py b/src/main/python/tests/auto_tests/test_deepWalk.py new file mode 100644 index 00000000000..4b9ed3713d6 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_deepWalk.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.deepWalk import deepWalk + + +class TestDEEPWALK(unittest.TestCase): + def test_deepWalk(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_denialConstraints.py b/src/main/python/tests/auto_tests/test_denialConstraints.py new file mode 100644 index 00000000000..2b3dc5fc573 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_denialConstraints.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.denialConstraints import denialConstraints + + +class TestDENIALCONSTRAINTS(unittest.TestCase): + def test_denialConstraints(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_differenceStatistics.py b/src/main/python/tests/auto_tests/test_differenceStatistics.py new file mode 100644 index 00000000000..21ca1fbd372 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_differenceStatistics.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.differenceStatistics import ( + differenceStatistics, +) + + +class TestDIFFERENCESTATISTICS(unittest.TestCase): + def test_differenceStatistics(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_discoverFD.py b/src/main/python/tests/auto_tests/test_discoverFD.py new file mode 100644 index 00000000000..b3a83c264dc --- /dev/null +++ b/src/main/python/tests/auto_tests/test_discoverFD.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.discoverFD import discoverFD + + +class TestDISCOVERFD(unittest.TestCase): + def test_discoverFD(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_dist.py b/src/main/python/tests/auto_tests/test_dist.py new file mode 100644 index 00000000000..6da471cf653 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_dist.py @@ -0,0 +1,45 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest, contextlib, io +from systemds.context import SystemDSContext +from systemds.operator.algorithm.builtin.dist import dist + + +class TestDIST(unittest.TestCase): + def test_dist(self): + # Example test case provided in python the code block + buf = io.StringIO() + with contextlib.redirect_stdout(buf): + import numpy as np + with SystemDSContext() as sds: + X = sds.from_numpy(np.array([[0], [3], [4]])) + out = dist(X).compute() + print(out) + + expected="""[[0. 3. 4.] + [3. 0. 1.] + [4. 1. 0.]]""" + self.assertEqual(buf.getvalue().strip(), expected) + +if __name__ == '__main__': + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_dmv.py b/src/main/python/tests/auto_tests/test_dmv.py new file mode 100644 index 00000000000..2cb5d940748 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_dmv.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.dmv import dmv + + +class TestDMV(unittest.TestCase): + def test_dmv(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_ema.py b/src/main/python/tests/auto_tests/test_ema.py new file mode 100644 index 00000000000..53dd1fc0220 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_ema.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.ema import ema + + +class TestEMA(unittest.TestCase): + def test_ema(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_executePipeline.py b/src/main/python/tests/auto_tests/test_executePipeline.py new file mode 100644 index 00000000000..eae31c7acf7 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_executePipeline.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.executePipeline import executePipeline + + +class TestEXECUTEPIPELINE(unittest.TestCase): + def test_executePipeline(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_f1Score.py b/src/main/python/tests/auto_tests/test_f1Score.py new file mode 100644 index 00000000000..417c29ce55b --- /dev/null +++ b/src/main/python/tests/auto_tests/test_f1Score.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.f1Score import f1Score + + +class TestF1SCORE(unittest.TestCase): + def test_f1Score(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_fdr.py b/src/main/python/tests/auto_tests/test_fdr.py new file mode 100644 index 00000000000..9e2d35815ff --- /dev/null +++ b/src/main/python/tests/auto_tests/test_fdr.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.fdr import fdr + + +class TestFDR(unittest.TestCase): + def test_fdr(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_ffPredict.py b/src/main/python/tests/auto_tests/test_ffPredict.py new file mode 100644 index 00000000000..00ff98ba30b --- /dev/null +++ b/src/main/python/tests/auto_tests/test_ffPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.ffPredict import ffPredict + + +class TestFFPREDICT(unittest.TestCase): + def test_ffPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_ffTrain.py b/src/main/python/tests/auto_tests/test_ffTrain.py new file mode 100644 index 00000000000..e7ecc97b4e5 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_ffTrain.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.ffTrain import ffTrain + + +class TestFFTRAIN(unittest.TestCase): + def test_ffTrain(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_fit_pipeline.py b/src/main/python/tests/auto_tests/test_fit_pipeline.py new file mode 100644 index 00000000000..a1f0e08ff74 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_fit_pipeline.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.fit_pipeline import fit_pipeline + + +class TestFIT_PIPELINE(unittest.TestCase): + def test_fit_pipeline(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_fixInvalidLengths.py b/src/main/python/tests/auto_tests/test_fixInvalidLengths.py new file mode 100644 index 00000000000..6038513ab1f --- /dev/null +++ b/src/main/python/tests/auto_tests/test_fixInvalidLengths.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.fixInvalidLengths import fixInvalidLengths + + +class TestFIXINVALIDLENGTHS(unittest.TestCase): + def test_fixInvalidLengths(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_fixInvalidLengthsApply.py b/src/main/python/tests/auto_tests/test_fixInvalidLengthsApply.py new file mode 100644 index 00000000000..c940e47d187 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_fixInvalidLengthsApply.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.fixInvalidLengthsApply import ( + fixInvalidLengthsApply, +) + + +class TestFIXINVALIDLENGTHSAPPLY(unittest.TestCase): + def test_fixInvalidLengthsApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_flattenQuantile.py b/src/main/python/tests/auto_tests/test_flattenQuantile.py new file mode 100644 index 00000000000..320eb1ba31b --- /dev/null +++ b/src/main/python/tests/auto_tests/test_flattenQuantile.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.flattenQuantile import flattenQuantile + + +class TestFLATTENQUANTILE(unittest.TestCase): + def test_flattenQuantile(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_frameSort.py b/src/main/python/tests/auto_tests/test_frameSort.py new file mode 100644 index 00000000000..a02bbf84222 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_frameSort.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.frameSort import frameSort + + +class TestFRAMESORT(unittest.TestCase): + def test_frameSort(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_frequencyEncode.py b/src/main/python/tests/auto_tests/test_frequencyEncode.py new file mode 100644 index 00000000000..eed6fe46d44 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_frequencyEncode.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.frequencyEncode import frequencyEncode + + +class TestFREQUENCYENCODE(unittest.TestCase): + def test_frequencyEncode(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_frequencyEncodeApply.py b/src/main/python/tests/auto_tests/test_frequencyEncodeApply.py new file mode 100644 index 00000000000..0a0cafcd205 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_frequencyEncodeApply.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.frequencyEncodeApply import ( + frequencyEncodeApply, +) + + +class TestFREQUENCYENCODEAPPLY(unittest.TestCase): + def test_frequencyEncodeApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_garch.py b/src/main/python/tests/auto_tests/test_garch.py new file mode 100644 index 00000000000..56fdd83f801 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_garch.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.garch import garch + + +class TestGARCH(unittest.TestCase): + def test_garch(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_gaussianClassifier.py b/src/main/python/tests/auto_tests/test_gaussianClassifier.py new file mode 100644 index 00000000000..eb0832e46bf --- /dev/null +++ b/src/main/python/tests/auto_tests/test_gaussianClassifier.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.gaussianClassifier import gaussianClassifier + + +class TestGAUSSIANCLASSIFIER(unittest.TestCase): + def test_gaussianClassifier(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_getAccuracy.py b/src/main/python/tests/auto_tests/test_getAccuracy.py new file mode 100644 index 00000000000..6e5df22ae64 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_getAccuracy.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.getAccuracy import getAccuracy + + +class TestGETACCURACY(unittest.TestCase): + def test_getAccuracy(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_glm.py b/src/main/python/tests/auto_tests/test_glm.py new file mode 100644 index 00000000000..29b130f81ff --- /dev/null +++ b/src/main/python/tests/auto_tests/test_glm.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.glm import glm + + +class TestGLM(unittest.TestCase): + def test_glm(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_glmPredict.py b/src/main/python/tests/auto_tests/test_glmPredict.py new file mode 100644 index 00000000000..21392c213fd --- /dev/null +++ b/src/main/python/tests/auto_tests/test_glmPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.glmPredict import glmPredict + + +class TestGLMPREDICT(unittest.TestCase): + def test_glmPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_glove.py b/src/main/python/tests/auto_tests/test_glove.py new file mode 100644 index 00000000000..a1b37241dcd --- /dev/null +++ b/src/main/python/tests/auto_tests/test_glove.py @@ -0,0 +1,34 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.context import SystemDSContext +from systemds.operator.algorithm.builtin.glove import glove + + +class TestGLOVE(unittest.TestCase): + def test_glove(self): + self.skipTest('No example provided') + + +if __name__ == '__main__': + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_gmm.py b/src/main/python/tests/auto_tests/test_gmm.py new file mode 100644 index 00000000000..a8f256a6813 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_gmm.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.gmm import gmm + + +class TestGMM(unittest.TestCase): + def test_gmm(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_gmmPredict.py b/src/main/python/tests/auto_tests/test_gmmPredict.py new file mode 100644 index 00000000000..79bdbdb18d3 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_gmmPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.gmmPredict import gmmPredict + + +class TestGMMPREDICT(unittest.TestCase): + def test_gmmPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_gnmf.py b/src/main/python/tests/auto_tests/test_gnmf.py new file mode 100644 index 00000000000..f43b1fcc63a --- /dev/null +++ b/src/main/python/tests/auto_tests/test_gnmf.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.gnmf import gnmf + + +class TestGNMF(unittest.TestCase): + def test_gnmf(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_gridSearch.py b/src/main/python/tests/auto_tests/test_gridSearch.py new file mode 100644 index 00000000000..7e869cfa5cc --- /dev/null +++ b/src/main/python/tests/auto_tests/test_gridSearch.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.gridSearch import gridSearch + + +class TestGRIDSEARCH(unittest.TestCase): + def test_gridSearch(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_hospitalResidencyMatch.py b/src/main/python/tests/auto_tests/test_hospitalResidencyMatch.py new file mode 100644 index 00000000000..56e136bacc4 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_hospitalResidencyMatch.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.hospitalResidencyMatch import ( + hospitalResidencyMatch, +) + + +class TestHOSPITALRESIDENCYMATCH(unittest.TestCase): + def test_hospitalResidencyMatch(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_hyperband.py b/src/main/python/tests/auto_tests/test_hyperband.py new file mode 100644 index 00000000000..6f79ef1d13b --- /dev/null +++ b/src/main/python/tests/auto_tests/test_hyperband.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.hyperband import hyperband + + +class TestHYPERBAND(unittest.TestCase): + def test_hyperband(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_brightness.py b/src/main/python/tests/auto_tests/test_img_brightness.py new file mode 100644 index 00000000000..b91dfec5c84 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_brightness.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_brightness import img_brightness + + +class TestIMG_BRIGHTNESS(unittest.TestCase): + def test_img_brightness(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_brightness_linearized.py b/src/main/python/tests/auto_tests/test_img_brightness_linearized.py new file mode 100644 index 00000000000..1d0dfe9e012 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_brightness_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_brightness_linearized import ( + img_brightness_linearized, +) + + +class TestIMG_BRIGHTNESS_LINEARIZED(unittest.TestCase): + def test_img_brightness_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_crop.py b/src/main/python/tests/auto_tests/test_img_crop.py new file mode 100644 index 00000000000..a54e3071018 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_crop.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_crop import img_crop + + +class TestIMG_CROP(unittest.TestCase): + def test_img_crop(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_crop_linearized.py b/src/main/python/tests/auto_tests/test_img_crop_linearized.py new file mode 100644 index 00000000000..430845d3b2f --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_crop_linearized.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_crop_linearized import img_crop_linearized + + +class TestIMG_CROP_LINEARIZED(unittest.TestCase): + def test_img_crop_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_cutout.py b/src/main/python/tests/auto_tests/test_img_cutout.py new file mode 100644 index 00000000000..79e53a7a371 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_cutout.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_cutout import img_cutout + + +class TestIMG_CUTOUT(unittest.TestCase): + def test_img_cutout(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_cutout_linearized.py b/src/main/python/tests/auto_tests/test_img_cutout_linearized.py new file mode 100644 index 00000000000..423724c9c94 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_cutout_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_cutout_linearized import ( + img_cutout_linearized, +) + + +class TestIMG_CUTOUT_LINEARIZED(unittest.TestCase): + def test_img_cutout_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_invert.py b/src/main/python/tests/auto_tests/test_img_invert.py new file mode 100644 index 00000000000..b9b547532ce --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_invert.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_invert import img_invert + + +class TestIMG_INVERT(unittest.TestCase): + def test_img_invert(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_invert_linearized.py b/src/main/python/tests/auto_tests/test_img_invert_linearized.py new file mode 100644 index 00000000000..383f121e9b4 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_invert_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_invert_linearized import ( + img_invert_linearized, +) + + +class TestIMG_INVERT_LINEARIZED(unittest.TestCase): + def test_img_invert_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_mirror.py b/src/main/python/tests/auto_tests/test_img_mirror.py new file mode 100644 index 00000000000..fbce639a4aa --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_mirror.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_mirror import img_mirror + + +class TestIMG_MIRROR(unittest.TestCase): + def test_img_mirror(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_mirror_linearized.py b/src/main/python/tests/auto_tests/test_img_mirror_linearized.py new file mode 100644 index 00000000000..413824bc51a --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_mirror_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_mirror_linearized import ( + img_mirror_linearized, +) + + +class TestIMG_MIRROR_LINEARIZED(unittest.TestCase): + def test_img_mirror_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_posterize.py b/src/main/python/tests/auto_tests/test_img_posterize.py new file mode 100644 index 00000000000..960284f9fff --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_posterize.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_posterize import img_posterize + + +class TestIMG_POSTERIZE(unittest.TestCase): + def test_img_posterize(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_posterize_linearized.py b/src/main/python/tests/auto_tests/test_img_posterize_linearized.py new file mode 100644 index 00000000000..845de2cad2f --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_posterize_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_posterize_linearized import ( + img_posterize_linearized, +) + + +class TestIMG_POSTERIZE_LINEARIZED(unittest.TestCase): + def test_img_posterize_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_rotate.py b/src/main/python/tests/auto_tests/test_img_rotate.py new file mode 100644 index 00000000000..d0468bb64f5 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_rotate.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_rotate import img_rotate + + +class TestIMG_ROTATE(unittest.TestCase): + def test_img_rotate(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_rotate_linearized.py b/src/main/python/tests/auto_tests/test_img_rotate_linearized.py new file mode 100644 index 00000000000..5f2fc881b1c --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_rotate_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_rotate_linearized import ( + img_rotate_linearized, +) + + +class TestIMG_ROTATE_LINEARIZED(unittest.TestCase): + def test_img_rotate_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_sample_pairing.py b/src/main/python/tests/auto_tests/test_img_sample_pairing.py new file mode 100644 index 00000000000..894417d105f --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_sample_pairing.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_sample_pairing import img_sample_pairing + + +class TestIMG_SAMPLE_PAIRING(unittest.TestCase): + def test_img_sample_pairing(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_sample_pairing_linearized.py b/src/main/python/tests/auto_tests/test_img_sample_pairing_linearized.py new file mode 100644 index 00000000000..e0ebb490e30 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_sample_pairing_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_sample_pairing_linearized import ( + img_sample_pairing_linearized, +) + + +class TestIMG_SAMPLE_PAIRING_LINEARIZED(unittest.TestCase): + def test_img_sample_pairing_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_shear.py b/src/main/python/tests/auto_tests/test_img_shear.py new file mode 100644 index 00000000000..edc77aed6f3 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_shear.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_shear import img_shear + + +class TestIMG_SHEAR(unittest.TestCase): + def test_img_shear(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_shear_linearized.py b/src/main/python/tests/auto_tests/test_img_shear_linearized.py new file mode 100644 index 00000000000..21fdb71f6da --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_shear_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_shear_linearized import ( + img_shear_linearized, +) + + +class TestIMG_SHEAR_LINEARIZED(unittest.TestCase): + def test_img_shear_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_transform.py b/src/main/python/tests/auto_tests/test_img_transform.py new file mode 100644 index 00000000000..2e0c389eefa --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_transform.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_transform import img_transform + + +class TestIMG_TRANSFORM(unittest.TestCase): + def test_img_transform(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_transform_linearized.py b/src/main/python/tests/auto_tests/test_img_transform_linearized.py new file mode 100644 index 00000000000..d3db91f25af --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_transform_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_transform_linearized import ( + img_transform_linearized, +) + + +class TestIMG_TRANSFORM_LINEARIZED(unittest.TestCase): + def test_img_transform_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_translate.py b/src/main/python/tests/auto_tests/test_img_translate.py new file mode 100644 index 00000000000..e9d86af8446 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_translate.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_translate import img_translate + + +class TestIMG_TRANSLATE(unittest.TestCase): + def test_img_translate(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_img_translate_linearized.py b/src/main/python/tests/auto_tests/test_img_translate_linearized.py new file mode 100644 index 00000000000..aa516d6aa95 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_img_translate_linearized.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.img_translate_linearized import ( + img_translate_linearized, +) + + +class TestIMG_TRANSLATE_LINEARIZED(unittest.TestCase): + def test_img_translate_linearized(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_impurityMeasures.py b/src/main/python/tests/auto_tests/test_impurityMeasures.py new file mode 100644 index 00000000000..93ac35502cc --- /dev/null +++ b/src/main/python/tests/auto_tests/test_impurityMeasures.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.impurityMeasures import impurityMeasures + + +class TestIMPURITYMEASURES(unittest.TestCase): + def test_impurityMeasures(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByFD.py b/src/main/python/tests/auto_tests/test_imputeByFD.py new file mode 100644 index 00000000000..a75562b35d0 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByFD.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByFD import imputeByFD + + +class TestIMPUTEBYFD(unittest.TestCase): + def test_imputeByFD(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByFDApply.py b/src/main/python/tests/auto_tests/test_imputeByFDApply.py new file mode 100644 index 00000000000..ce944723371 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByFDApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByFDApply import imputeByFDApply + + +class TestIMPUTEBYFDAPPLY(unittest.TestCase): + def test_imputeByFDApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByKNN.py b/src/main/python/tests/auto_tests/test_imputeByKNN.py new file mode 100644 index 00000000000..dd131c58c36 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByKNN.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByKNN import imputeByKNN + + +class TestIMPUTEBYKNN(unittest.TestCase): + def test_imputeByKNN(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByMean.py b/src/main/python/tests/auto_tests/test_imputeByMean.py new file mode 100644 index 00000000000..1ee829f2d09 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByMean.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByMean import imputeByMean + + +class TestIMPUTEBYMEAN(unittest.TestCase): + def test_imputeByMean(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByMeanApply.py b/src/main/python/tests/auto_tests/test_imputeByMeanApply.py new file mode 100644 index 00000000000..90d3fb46a95 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByMeanApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByMeanApply import imputeByMeanApply + + +class TestIMPUTEBYMEANAPPLY(unittest.TestCase): + def test_imputeByMeanApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByMedian.py b/src/main/python/tests/auto_tests/test_imputeByMedian.py new file mode 100644 index 00000000000..ff8f050745c --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByMedian.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByMedian import imputeByMedian + + +class TestIMPUTEBYMEDIAN(unittest.TestCase): + def test_imputeByMedian(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByMedianApply.py b/src/main/python/tests/auto_tests/test_imputeByMedianApply.py new file mode 100644 index 00000000000..6e30cb222b9 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByMedianApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByMedianApply import imputeByMedianApply + + +class TestIMPUTEBYMEDIANAPPLY(unittest.TestCase): + def test_imputeByMedianApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByMode.py b/src/main/python/tests/auto_tests/test_imputeByMode.py new file mode 100644 index 00000000000..3772f40cc6d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByMode.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByMode import imputeByMode + + +class TestIMPUTEBYMODE(unittest.TestCase): + def test_imputeByMode(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_imputeByModeApply.py b/src/main/python/tests/auto_tests/test_imputeByModeApply.py new file mode 100644 index 00000000000..abc1b587d2c --- /dev/null +++ b/src/main/python/tests/auto_tests/test_imputeByModeApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.imputeByModeApply import imputeByModeApply + + +class TestIMPUTEBYMODEAPPLY(unittest.TestCase): + def test_imputeByModeApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_incSliceLine.py b/src/main/python/tests/auto_tests/test_incSliceLine.py new file mode 100644 index 00000000000..eb80f8c3808 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_incSliceLine.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.incSliceLine import incSliceLine + + +class TestINCSLICELINE(unittest.TestCase): + def test_incSliceLine(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_intersect.py b/src/main/python/tests/auto_tests/test_intersect.py new file mode 100644 index 00000000000..8248eaa20d3 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_intersect.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.intersect import intersect + + +class TestINTERSECT(unittest.TestCase): + def test_intersect(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_km.py b/src/main/python/tests/auto_tests/test_km.py new file mode 100644 index 00000000000..ec88da1407d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_km.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.km import km + + +class TestKM(unittest.TestCase): + def test_km(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_kmeans.py b/src/main/python/tests/auto_tests/test_kmeans.py new file mode 100644 index 00000000000..29aac0cdc0f --- /dev/null +++ b/src/main/python/tests/auto_tests/test_kmeans.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.kmeans import kmeans + + +class TestKMEANS(unittest.TestCase): + def test_kmeans(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_kmeansPredict.py b/src/main/python/tests/auto_tests/test_kmeansPredict.py new file mode 100644 index 00000000000..aae30f2f9a5 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_kmeansPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.kmeansPredict import kmeansPredict + + +class TestKMEANSPREDICT(unittest.TestCase): + def test_kmeansPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_knn.py b/src/main/python/tests/auto_tests/test_knn.py new file mode 100644 index 00000000000..c07c782102b --- /dev/null +++ b/src/main/python/tests/auto_tests/test_knn.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.knn import knn + + +class TestKNN(unittest.TestCase): + def test_knn(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_knnGraph.py b/src/main/python/tests/auto_tests/test_knnGraph.py new file mode 100644 index 00000000000..883eff99c87 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_knnGraph.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.knnGraph import knnGraph + + +class TestKNNGRAPH(unittest.TestCase): + def test_knnGraph(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_knnbf.py b/src/main/python/tests/auto_tests/test_knnbf.py new file mode 100644 index 00000000000..93c79fdda2b --- /dev/null +++ b/src/main/python/tests/auto_tests/test_knnbf.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.knnbf import knnbf + + +class TestKNNBF(unittest.TestCase): + def test_knnbf(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_l2svm.py b/src/main/python/tests/auto_tests/test_l2svm.py new file mode 100644 index 00000000000..9b7efbe2eeb --- /dev/null +++ b/src/main/python/tests/auto_tests/test_l2svm.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.l2svm import l2svm + + +class TestL2SVM(unittest.TestCase): + def test_l2svm(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_l2svmPredict.py b/src/main/python/tests/auto_tests/test_l2svmPredict.py new file mode 100644 index 00000000000..f0f0bb8356a --- /dev/null +++ b/src/main/python/tests/auto_tests/test_l2svmPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.l2svmPredict import l2svmPredict + + +class TestL2SVMPREDICT(unittest.TestCase): + def test_l2svmPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_lasso.py b/src/main/python/tests/auto_tests/test_lasso.py new file mode 100644 index 00000000000..7e960e54941 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_lasso.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.lasso import lasso + + +class TestLASSO(unittest.TestCase): + def test_lasso(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_lenetPredict.py b/src/main/python/tests/auto_tests/test_lenetPredict.py new file mode 100644 index 00000000000..df5b95edb2e --- /dev/null +++ b/src/main/python/tests/auto_tests/test_lenetPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.lenetPredict import lenetPredict + + +class TestLENETPREDICT(unittest.TestCase): + def test_lenetPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_lenetTrain.py b/src/main/python/tests/auto_tests/test_lenetTrain.py new file mode 100644 index 00000000000..88c5216e025 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_lenetTrain.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.lenetTrain import lenetTrain + + +class TestLENETTRAIN(unittest.TestCase): + def test_lenetTrain(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_lm.py b/src/main/python/tests/auto_tests/test_lm.py new file mode 100644 index 00000000000..85d0ed657fd --- /dev/null +++ b/src/main/python/tests/auto_tests/test_lm.py @@ -0,0 +1,57 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest, contextlib, io +from systemds.context import SystemDSContext +from systemds.operator.algorithm.builtin.lm import lm + + +class TestLM(unittest.TestCase): + def test_lm(self): + # Example test case provided in python the code block + buf = io.StringIO() + with contextlib.redirect_stdout(buf): + import numpy as np + from systemds.context import SystemDSContext + from systemds.operator.algorithm import lm + from sklearn.linear_model import LinearRegression + + np.random.seed(7) + X = np.random.rand(30, 1) + Y = np.random.rand(30, 1) + regressor = LinearRegression(fit_intercept=False) + model = regressor.fit(X, Y).coef_ + + with SystemDSContext() as sds: + X_sds = sds.from_numpy(X) + Y_sds = sds.from_numpy(Y) + sds_model_weights = lm(X_sds, Y_sds, verbose=False).compute() + model = model.reshape(sds_model_weights.shape) + eps = 1e-03 + + print(np.allclose(sds_model_weights, model, eps)) + + expected="""True""" + self.assertEqual(buf.getvalue().strip(), expected) + +if __name__ == '__main__': + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_lmCG.py b/src/main/python/tests/auto_tests/test_lmCG.py new file mode 100644 index 00000000000..88b1e5fad06 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_lmCG.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.lmCG import lmCG + + +class TestLMCG(unittest.TestCase): + def test_lmCG(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_lmDS.py b/src/main/python/tests/auto_tests/test_lmDS.py new file mode 100644 index 00000000000..a722fe7c04d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_lmDS.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.lmDS import lmDS + + +class TestLMDS(unittest.TestCase): + def test_lmDS(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_lmPredict.py b/src/main/python/tests/auto_tests/test_lmPredict.py new file mode 100644 index 00000000000..be98d3bcba7 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_lmPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.lmPredict import lmPredict + + +class TestLMPREDICT(unittest.TestCase): + def test_lmPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_lmPredictStats.py b/src/main/python/tests/auto_tests/test_lmPredictStats.py new file mode 100644 index 00000000000..34c91207d6a --- /dev/null +++ b/src/main/python/tests/auto_tests/test_lmPredictStats.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.lmPredictStats import lmPredictStats + + +class TestLMPREDICTSTATS(unittest.TestCase): + def test_lmPredictStats(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_logSumExp.py b/src/main/python/tests/auto_tests/test_logSumExp.py new file mode 100644 index 00000000000..65f1cd45f99 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_logSumExp.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.logSumExp import logSumExp + + +class TestLOGSUMEXP(unittest.TestCase): + def test_logSumExp(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_mae.py b/src/main/python/tests/auto_tests/test_mae.py new file mode 100644 index 00000000000..b0825a84ac2 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_mae.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.mae import mae + + +class TestMAE(unittest.TestCase): + def test_mae(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_mape.py b/src/main/python/tests/auto_tests/test_mape.py new file mode 100644 index 00000000000..5b488723ed1 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_mape.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.mape import mape + + +class TestMAPE(unittest.TestCase): + def test_mape(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_matrixProfile.py b/src/main/python/tests/auto_tests/test_matrixProfile.py new file mode 100644 index 00000000000..eebb4697934 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_matrixProfile.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.matrixProfile import matrixProfile + + +class TestMATRIXPROFILE(unittest.TestCase): + def test_matrixProfile(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_mcc.py b/src/main/python/tests/auto_tests/test_mcc.py new file mode 100644 index 00000000000..d165162d930 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_mcc.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.mcc import mcc + + +class TestMCC(unittest.TestCase): + def test_mcc(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_mdedup.py b/src/main/python/tests/auto_tests/test_mdedup.py new file mode 100644 index 00000000000..526c5501fd8 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_mdedup.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.mdedup import mdedup + + +class TestMDEDUP(unittest.TestCase): + def test_mdedup(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_mice.py b/src/main/python/tests/auto_tests/test_mice.py new file mode 100644 index 00000000000..391e7dacef2 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_mice.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.mice import mice + + +class TestMICE(unittest.TestCase): + def test_mice(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_miceApply.py b/src/main/python/tests/auto_tests/test_miceApply.py new file mode 100644 index 00000000000..3583f76da41 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_miceApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.miceApply import miceApply + + +class TestMICEAPPLY(unittest.TestCase): + def test_miceApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_mse.py b/src/main/python/tests/auto_tests/test_mse.py new file mode 100644 index 00000000000..01b42597a6d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_mse.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.mse import mse + + +class TestMSE(unittest.TestCase): + def test_mse(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_msmape.py b/src/main/python/tests/auto_tests/test_msmape.py new file mode 100644 index 00000000000..ca49dea9dbf --- /dev/null +++ b/src/main/python/tests/auto_tests/test_msmape.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.msmape import msmape + + +class TestMSMAPE(unittest.TestCase): + def test_msmape(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_msvm.py b/src/main/python/tests/auto_tests/test_msvm.py new file mode 100644 index 00000000000..a2483679091 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_msvm.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.msvm import msvm + + +class TestMSVM(unittest.TestCase): + def test_msvm(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_msvmPredict.py b/src/main/python/tests/auto_tests/test_msvmPredict.py new file mode 100644 index 00000000000..83537a20ccb --- /dev/null +++ b/src/main/python/tests/auto_tests/test_msvmPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.msvmPredict import msvmPredict + + +class TestMSVMPREDICT(unittest.TestCase): + def test_msvmPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_multiLogReg.py b/src/main/python/tests/auto_tests/test_multiLogReg.py new file mode 100644 index 00000000000..cc4563c56e7 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_multiLogReg.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.multiLogReg import multiLogReg + + +class TestMULTILOGREG(unittest.TestCase): + def test_multiLogReg(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_multiLogRegPredict.py b/src/main/python/tests/auto_tests/test_multiLogRegPredict.py new file mode 100644 index 00000000000..8b5720070d9 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_multiLogRegPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.multiLogRegPredict import multiLogRegPredict + + +class TestMULTILOGREGPREDICT(unittest.TestCase): + def test_multiLogRegPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_na_locf.py b/src/main/python/tests/auto_tests/test_na_locf.py new file mode 100644 index 00000000000..d9a081fa474 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_na_locf.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.na_locf import na_locf + + +class TestNA_LOCF(unittest.TestCase): + def test_na_locf(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_naiveBayes.py b/src/main/python/tests/auto_tests/test_naiveBayes.py new file mode 100644 index 00000000000..423e8319df8 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_naiveBayes.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.naiveBayes import naiveBayes + + +class TestNAIVEBAYES(unittest.TestCase): + def test_naiveBayes(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_naiveBayesPredict.py b/src/main/python/tests/auto_tests/test_naiveBayesPredict.py new file mode 100644 index 00000000000..72c924c95b1 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_naiveBayesPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.naiveBayesPredict import naiveBayesPredict + + +class TestNAIVEBAYESPREDICT(unittest.TestCase): + def test_naiveBayesPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_normalize.py b/src/main/python/tests/auto_tests/test_normalize.py new file mode 100644 index 00000000000..7dae2a7a20d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_normalize.py @@ -0,0 +1,45 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest, contextlib, io +from systemds.context import SystemDSContext +from systemds.operator.algorithm.builtin.normalize import normalize + + +class TestNORMALIZE(unittest.TestCase): + def test_normalize(self): + # Example test case provided in python the code block + buf = io.StringIO() + with contextlib.redirect_stdout(buf): + import numpy as np + from systemds.context import SystemDSContext + with SystemDSContext() as sds: + X = sds.from_numpy(np.array([[1, 2], [3, 4]])) + Y, cmin, cmax = normalize(X).compute() + print(Y) + + expected="""[[0. 0.] + [1. 1.]]""" + self.assertEqual(buf.getvalue().strip(), expected) + +if __name__ == '__main__': + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_normalizeApply.py b/src/main/python/tests/auto_tests/test_normalizeApply.py new file mode 100644 index 00000000000..5cd4e4228cc --- /dev/null +++ b/src/main/python/tests/auto_tests/test_normalizeApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.normalizeApply import normalizeApply + + +class TestNORMALIZEAPPLY(unittest.TestCase): + def test_normalizeApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_nrmse.py b/src/main/python/tests/auto_tests/test_nrmse.py new file mode 100644 index 00000000000..0e1aa88c896 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_nrmse.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.nrmse import nrmse + + +class TestNRMSE(unittest.TestCase): + def test_nrmse(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_outlier.py b/src/main/python/tests/auto_tests/test_outlier.py new file mode 100644 index 00000000000..cac1004a97d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_outlier.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.outlier import outlier + + +class TestOUTLIER(unittest.TestCase): + def test_outlier(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_outlierByArima.py b/src/main/python/tests/auto_tests/test_outlierByArima.py new file mode 100644 index 00000000000..1420c171335 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_outlierByArima.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.outlierByArima import outlierByArima + + +class TestOUTLIERBYARIMA(unittest.TestCase): + def test_outlierByArima(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_outlierByIQR.py b/src/main/python/tests/auto_tests/test_outlierByIQR.py new file mode 100644 index 00000000000..9fe033942cb --- /dev/null +++ b/src/main/python/tests/auto_tests/test_outlierByIQR.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.outlierByIQR import outlierByIQR + + +class TestOUTLIERBYIQR(unittest.TestCase): + def test_outlierByIQR(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_outlierByIQRApply.py b/src/main/python/tests/auto_tests/test_outlierByIQRApply.py new file mode 100644 index 00000000000..c38809843d4 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_outlierByIQRApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.outlierByIQRApply import outlierByIQRApply + + +class TestOUTLIERBYIQRAPPLY(unittest.TestCase): + def test_outlierByIQRApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_outlierBySd.py b/src/main/python/tests/auto_tests/test_outlierBySd.py new file mode 100644 index 00000000000..8075006b176 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_outlierBySd.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.outlierBySd import outlierBySd + + +class TestOUTLIERBYSD(unittest.TestCase): + def test_outlierBySd(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_outlierBySdApply.py b/src/main/python/tests/auto_tests/test_outlierBySdApply.py new file mode 100644 index 00000000000..f79d5d768dc --- /dev/null +++ b/src/main/python/tests/auto_tests/test_outlierBySdApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.outlierBySdApply import outlierBySdApply + + +class TestOUTLIERBYSDAPPLY(unittest.TestCase): + def test_outlierBySdApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_pageRank.py b/src/main/python/tests/auto_tests/test_pageRank.py new file mode 100644 index 00000000000..119709b3d4c --- /dev/null +++ b/src/main/python/tests/auto_tests/test_pageRank.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.pageRank import pageRank + + +class TestPAGERANK(unittest.TestCase): + def test_pageRank(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_pca.py b/src/main/python/tests/auto_tests/test_pca.py new file mode 100644 index 00000000000..cccca148536 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_pca.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.pca import pca + + +class TestPCA(unittest.TestCase): + def test_pca(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_pcaInverse.py b/src/main/python/tests/auto_tests/test_pcaInverse.py new file mode 100644 index 00000000000..20ceb8ca9a9 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_pcaInverse.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.pcaInverse import pcaInverse + + +class TestPCAINVERSE(unittest.TestCase): + def test_pcaInverse(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_pcaTransform.py b/src/main/python/tests/auto_tests/test_pcaTransform.py new file mode 100644 index 00000000000..77281fc2de0 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_pcaTransform.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.pcaTransform import pcaTransform + + +class TestPCATRANSFORM(unittest.TestCase): + def test_pcaTransform(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_pnmf.py b/src/main/python/tests/auto_tests/test_pnmf.py new file mode 100644 index 00000000000..22ad4407a88 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_pnmf.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.pnmf import pnmf + + +class TestPNMF(unittest.TestCase): + def test_pnmf(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_ppca.py b/src/main/python/tests/auto_tests/test_ppca.py new file mode 100644 index 00000000000..91ff5e3d327 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_ppca.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.ppca import ppca + + +class TestPPCA(unittest.TestCase): + def test_ppca(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_psnr.py b/src/main/python/tests/auto_tests/test_psnr.py new file mode 100644 index 00000000000..8eddd70ec8d --- /dev/null +++ b/src/main/python/tests/auto_tests/test_psnr.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.psnr import psnr + + +class TestPSNR(unittest.TestCase): + def test_psnr(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_quantizeByCluster.py b/src/main/python/tests/auto_tests/test_quantizeByCluster.py new file mode 100644 index 00000000000..1320fba64a7 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_quantizeByCluster.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.quantizeByCluster import quantizeByCluster + + +class TestQUANTIZEBYCLUSTER(unittest.TestCase): + def test_quantizeByCluster(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_raGroupby.py b/src/main/python/tests/auto_tests/test_raGroupby.py new file mode 100644 index 00000000000..158b98cb74e --- /dev/null +++ b/src/main/python/tests/auto_tests/test_raGroupby.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.raGroupby import raGroupby + + +class TestRAGROUPBY(unittest.TestCase): + def test_raGroupby(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_raJoin.py b/src/main/python/tests/auto_tests/test_raJoin.py new file mode 100644 index 00000000000..8b958303f7c --- /dev/null +++ b/src/main/python/tests/auto_tests/test_raJoin.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.raJoin import raJoin + + +class TestRAJOIN(unittest.TestCase): + def test_raJoin(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_raSelection.py b/src/main/python/tests/auto_tests/test_raSelection.py new file mode 100644 index 00000000000..cc78789149a --- /dev/null +++ b/src/main/python/tests/auto_tests/test_raSelection.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.raSelection import raSelection + + +class TestRASELECTION(unittest.TestCase): + def test_raSelection(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_randomForest.py b/src/main/python/tests/auto_tests/test_randomForest.py new file mode 100644 index 00000000000..2f8c730dd0e --- /dev/null +++ b/src/main/python/tests/auto_tests/test_randomForest.py @@ -0,0 +1,75 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest, contextlib, io +from systemds.context import SystemDSContext +from systemds.operator.algorithm.builtin.randomForest import randomForest + + +class TestRANDOMFOREST(unittest.TestCase): + def test_randomForest(self): + # Example test case provided in python the code block + buf = io.StringIO() + with contextlib.redirect_stdout(buf): + import numpy as np + from systemds.context import SystemDSContext + from systemds.operator.algorithm import randomForest, randomForestPredict + + # tiny toy dataset + X = np.array([[1], + [2], + [10], + [11]], dtype=np.int64) + y = np.array([[1], + [1], + [2], + [2]], dtype=np.int64) + + with SystemDSContext() as sds: + X_sds = sds.from_numpy(X) + y_sds = sds.from_numpy(y) + + ctypes = sds.from_numpy(np.array([[1, 2]], dtype=np.int64)) + + # train a 4-tree forest (no sampling) + M = randomForest( + X_sds, y_sds, ctypes, + num_trees = 4, + sample_frac = 1.0, + feature_frac = 1.0, + max_depth = 3, + min_leaf = 1, + min_split = 2, + seed = 42 + ) + + preds = randomForestPredict(X_sds, ctypes, M).compute() + print(preds) + + expected="""[[1.] + [1.] + [2.] + [2.]]""" + self.assertEqual(buf.getvalue().strip(), expected) + +if __name__ == '__main__': + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_randomForestPredict.py b/src/main/python/tests/auto_tests/test_randomForestPredict.py new file mode 100644 index 00000000000..8844972b768 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_randomForestPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.randomForestPredict import randomForestPredict + + +class TestRANDOMFORESTPREDICT(unittest.TestCase): + def test_randomForestPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_rmse.py b/src/main/python/tests/auto_tests/test_rmse.py new file mode 100644 index 00000000000..bba9289bd64 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_rmse.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.rmse import rmse + + +class TestRMSE(unittest.TestCase): + def test_rmse(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_scale.py b/src/main/python/tests/auto_tests/test_scale.py new file mode 100644 index 00000000000..614f2954f15 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_scale.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.scale import scale + + +class TestSCALE(unittest.TestCase): + def test_scale(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_scaleApply.py b/src/main/python/tests/auto_tests/test_scaleApply.py new file mode 100644 index 00000000000..ad52ed2ac17 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_scaleApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.scaleApply import scaleApply + + +class TestSCALEAPPLY(unittest.TestCase): + def test_scaleApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_scaleMinMax.py b/src/main/python/tests/auto_tests/test_scaleMinMax.py new file mode 100644 index 00000000000..66788742c53 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_scaleMinMax.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.scaleMinMax import scaleMinMax + + +class TestSCALEMINMAX(unittest.TestCase): + def test_scaleMinMax(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_selectByVarThresh.py b/src/main/python/tests/auto_tests/test_selectByVarThresh.py new file mode 100644 index 00000000000..f2663a800b6 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_selectByVarThresh.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.selectByVarThresh import selectByVarThresh + + +class TestSELECTBYVARTHRESH(unittest.TestCase): + def test_selectByVarThresh(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_ses.py b/src/main/python/tests/auto_tests/test_ses.py new file mode 100644 index 00000000000..280637cf0cc --- /dev/null +++ b/src/main/python/tests/auto_tests/test_ses.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.ses import ses + + +class TestSES(unittest.TestCase): + def test_ses(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_setdiff.py b/src/main/python/tests/auto_tests/test_setdiff.py new file mode 100644 index 00000000000..c8383b1a5e8 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_setdiff.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.setdiff import setdiff + + +class TestSETDIFF(unittest.TestCase): + def test_setdiff(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_shapExplainer.py b/src/main/python/tests/auto_tests/test_shapExplainer.py new file mode 100644 index 00000000000..441ee6c5dc7 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_shapExplainer.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.shapExplainer import shapExplainer + + +class TestSHAPEXPLAINER(unittest.TestCase): + def test_shapExplainer(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_sherlock.py b/src/main/python/tests/auto_tests/test_sherlock.py new file mode 100644 index 00000000000..e44f3716bdd --- /dev/null +++ b/src/main/python/tests/auto_tests/test_sherlock.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.sherlock import sherlock + + +class TestSHERLOCK(unittest.TestCase): + def test_sherlock(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_sherlockPredict.py b/src/main/python/tests/auto_tests/test_sherlockPredict.py new file mode 100644 index 00000000000..a254a7fcdfc --- /dev/null +++ b/src/main/python/tests/auto_tests/test_sherlockPredict.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.sherlockPredict import sherlockPredict + + +class TestSHERLOCKPREDICT(unittest.TestCase): + def test_sherlockPredict(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_shortestPath.py b/src/main/python/tests/auto_tests/test_shortestPath.py new file mode 100644 index 00000000000..75e931dddea --- /dev/null +++ b/src/main/python/tests/auto_tests/test_shortestPath.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.shortestPath import shortestPath + + +class TestSHORTESTPATH(unittest.TestCase): + def test_shortestPath(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_sigmoid.py b/src/main/python/tests/auto_tests/test_sigmoid.py new file mode 100644 index 00000000000..ca8a41fc15e --- /dev/null +++ b/src/main/python/tests/auto_tests/test_sigmoid.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.sigmoid import sigmoid + + +class TestSIGMOID(unittest.TestCase): + def test_sigmoid(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_skewness.py b/src/main/python/tests/auto_tests/test_skewness.py new file mode 100644 index 00000000000..20aa77bf061 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_skewness.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.skewness import skewness + + +class TestSKEWNESS(unittest.TestCase): + def test_skewness(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_sliceLine.py b/src/main/python/tests/auto_tests/test_sliceLine.py new file mode 100644 index 00000000000..b22fd02fadb --- /dev/null +++ b/src/main/python/tests/auto_tests/test_sliceLine.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.sliceLine import sliceLine + + +class TestSLICELINE(unittest.TestCase): + def test_sliceLine(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_sliceLineDebug.py b/src/main/python/tests/auto_tests/test_sliceLineDebug.py new file mode 100644 index 00000000000..3c1635d8445 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_sliceLineDebug.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.sliceLineDebug import sliceLineDebug + + +class TestSLICELINEDEBUG(unittest.TestCase): + def test_sliceLineDebug(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_sliceLineExtract.py b/src/main/python/tests/auto_tests/test_sliceLineExtract.py new file mode 100644 index 00000000000..898dd1187be --- /dev/null +++ b/src/main/python/tests/auto_tests/test_sliceLineExtract.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.sliceLineExtract import sliceLineExtract + + +class TestSLICELINEEXTRACT(unittest.TestCase): + def test_sliceLineExtract(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_slicefinder.py b/src/main/python/tests/auto_tests/test_slicefinder.py new file mode 100644 index 00000000000..5398606b168 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_slicefinder.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.slicefinder import slicefinder + + +class TestSLICEFINDER(unittest.TestCase): + def test_slicefinder(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_smape.py b/src/main/python/tests/auto_tests/test_smape.py new file mode 100644 index 00000000000..6b5fa7292c2 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_smape.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.smape import smape + + +class TestSMAPE(unittest.TestCase): + def test_smape(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_smote.py b/src/main/python/tests/auto_tests/test_smote.py new file mode 100644 index 00000000000..676c12e9870 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_smote.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.smote import smote + + +class TestSMOTE(unittest.TestCase): + def test_smote(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_softmax.py b/src/main/python/tests/auto_tests/test_softmax.py new file mode 100644 index 00000000000..23a5e966a11 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_softmax.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.softmax import softmax + + +class TestSOFTMAX(unittest.TestCase): + def test_softmax(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_split.py b/src/main/python/tests/auto_tests/test_split.py new file mode 100644 index 00000000000..ded495dd5c3 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_split.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.split import split + + +class TestSPLIT(unittest.TestCase): + def test_split(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_splitBalanced.py b/src/main/python/tests/auto_tests/test_splitBalanced.py new file mode 100644 index 00000000000..ec35799cf33 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_splitBalanced.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.splitBalanced import splitBalanced + + +class TestSPLITBALANCED(unittest.TestCase): + def test_splitBalanced(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_sqrtMatrix.py b/src/main/python/tests/auto_tests/test_sqrtMatrix.py new file mode 100644 index 00000000000..020df3f6c5c --- /dev/null +++ b/src/main/python/tests/auto_tests/test_sqrtMatrix.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.sqrtMatrix import sqrtMatrix + + +class TestSQRTMATRIX(unittest.TestCase): + def test_sqrtMatrix(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_stableMarriage.py b/src/main/python/tests/auto_tests/test_stableMarriage.py new file mode 100644 index 00000000000..64e0ffbf623 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_stableMarriage.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.stableMarriage import stableMarriage + + +class TestSTABLEMARRIAGE(unittest.TestCase): + def test_stableMarriage(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_statsNA.py b/src/main/python/tests/auto_tests/test_statsNA.py new file mode 100644 index 00000000000..a6f9c6e3ee0 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_statsNA.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.statsNA import statsNA + + +class TestSTATSNA(unittest.TestCase): + def test_statsNA(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_steplm.py b/src/main/python/tests/auto_tests/test_steplm.py new file mode 100644 index 00000000000..06a7660bf62 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_steplm.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.steplm import steplm + + +class TestSTEPLM(unittest.TestCase): + def test_steplm(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_stratstats.py b/src/main/python/tests/auto_tests/test_stratstats.py new file mode 100644 index 00000000000..daf6cf94e20 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_stratstats.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.stratstats import stratstats + + +class TestSTRATSTATS(unittest.TestCase): + def test_stratstats(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_symmetricDifference.py b/src/main/python/tests/auto_tests/test_symmetricDifference.py new file mode 100644 index 00000000000..b3ad8adf645 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_symmetricDifference.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.symmetricDifference import symmetricDifference + + +class TestSYMMETRICDIFFERENCE(unittest.TestCase): + def test_symmetricDifference(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_tSNE.py b/src/main/python/tests/auto_tests/test_tSNE.py new file mode 100644 index 00000000000..b062bce1548 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_tSNE.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.tSNE import tSNE + + +class TestTSNE(unittest.TestCase): + def test_tSNE(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_toOneHot.py b/src/main/python/tests/auto_tests/test_toOneHot.py new file mode 100644 index 00000000000..723eafc1371 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_toOneHot.py @@ -0,0 +1,47 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest, contextlib, io +from systemds.context import SystemDSContext +from systemds.operator.algorithm.builtin.toOneHot import toOneHot + + +class TestTOONEHOT(unittest.TestCase): + def test_toOneHot(self): + # Example test case provided in python the code block + buf = io.StringIO() + with contextlib.redirect_stdout(buf): + import numpy as np + from systemds.context import SystemDSContext + with SystemDSContext() as sds: + X = sds.from_numpy(np.array([[1], [3], [2], [3]])) + Y = toOneHot(X, numClasses=3).compute() + print(Y) + + expected="""[[1. 0. 0.] + [0. 0. 1.] + [0. 1. 0.] + [0. 0. 1.]]""" + self.assertEqual(buf.getvalue().strip(), expected) + +if __name__ == '__main__': + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_tomeklink.py b/src/main/python/tests/auto_tests/test_tomeklink.py new file mode 100644 index 00000000000..ba34850900f --- /dev/null +++ b/src/main/python/tests/auto_tests/test_tomeklink.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.tomeklink import tomeklink + + +class TestTOMEKLINK(unittest.TestCase): + def test_tomeklink(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_topk_cleaning.py b/src/main/python/tests/auto_tests/test_topk_cleaning.py new file mode 100644 index 00000000000..eef063a2af8 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_topk_cleaning.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.topk_cleaning import topk_cleaning + + +class TestTOPK_CLEANING(unittest.TestCase): + def test_topk_cleaning(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_underSampling.py b/src/main/python/tests/auto_tests/test_underSampling.py new file mode 100644 index 00000000000..53742992898 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_underSampling.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.underSampling import underSampling + + +class TestUNDERSAMPLING(unittest.TestCase): + def test_underSampling(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_union.py b/src/main/python/tests/auto_tests/test_union.py new file mode 100644 index 00000000000..fca5be16b18 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_union.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.union import union + + +class TestUNION(unittest.TestCase): + def test_union(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_univar.py b/src/main/python/tests/auto_tests/test_univar.py new file mode 100644 index 00000000000..88a6c03905a --- /dev/null +++ b/src/main/python/tests/auto_tests/test_univar.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.univar import univar + + +class TestUNIVAR(unittest.TestCase): + def test_univar(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_vectorToCsv.py b/src/main/python/tests/auto_tests/test_vectorToCsv.py new file mode 100644 index 00000000000..20ae26c69cc --- /dev/null +++ b/src/main/python/tests/auto_tests/test_vectorToCsv.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.vectorToCsv import vectorToCsv + + +class TestVECTORTOCSV(unittest.TestCase): + def test_vectorToCsv(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_wer.py b/src/main/python/tests/auto_tests/test_wer.py new file mode 100644 index 00000000000..8e1b291d237 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_wer.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.wer import wer + + +class TestWER(unittest.TestCase): + def test_wer(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_winsorize.py b/src/main/python/tests/auto_tests/test_winsorize.py new file mode 100644 index 00000000000..ca6c1f65a3e --- /dev/null +++ b/src/main/python/tests/auto_tests/test_winsorize.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.winsorize import winsorize + + +class TestWINSORIZE(unittest.TestCase): + def test_winsorize(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_winsorizeApply.py b/src/main/python/tests/auto_tests/test_winsorizeApply.py new file mode 100644 index 00000000000..7fcf60e5134 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_winsorizeApply.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.winsorizeApply import winsorizeApply + + +class TestWINSORIZEAPPLY(unittest.TestCase): + def test_winsorizeApply(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_xdummy1.py b/src/main/python/tests/auto_tests/test_xdummy1.py new file mode 100644 index 00000000000..83ed545bd44 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_xdummy1.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.xdummy1 import xdummy1 + + +class TestXDUMMY1(unittest.TestCase): + def test_xdummy1(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_xdummy2.py b/src/main/python/tests/auto_tests/test_xdummy2.py new file mode 100644 index 00000000000..862bd6d90b1 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_xdummy2.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.xdummy2 import xdummy2 + + +class TestXDUMMY2(unittest.TestCase): + def test_xdummy2(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_xgboost.py b/src/main/python/tests/auto_tests/test_xgboost.py new file mode 100644 index 00000000000..01733c3a336 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_xgboost.py @@ -0,0 +1,33 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.xgboost import xgboost + + +class TestXGBOOST(unittest.TestCase): + def test_xgboost(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_xgboostPredictClassification.py b/src/main/python/tests/auto_tests/test_xgboostPredictClassification.py new file mode 100644 index 00000000000..e0e16f1ef96 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_xgboostPredictClassification.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.xgboostPredictClassification import ( + xgboostPredictClassification, +) + + +class TestXGBOOSTPREDICTCLASSIFICATION(unittest.TestCase): + def test_xgboostPredictClassification(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/auto_tests/test_xgboostPredictRegression.py b/src/main/python/tests/auto_tests/test_xgboostPredictRegression.py new file mode 100644 index 00000000000..0a747fdc9f7 --- /dev/null +++ b/src/main/python/tests/auto_tests/test_xgboostPredictRegression.py @@ -0,0 +1,35 @@ +# ------------------------------------------------------------- +# +# Licensed to the Apache Software Foundation (ASF) under one +# or more contributor license agreements. See the NOTICE file +# distributed with this work for additional information +# regarding copyright ownership. The ASF licenses this file +# to you under the Apache License, Version 2.0 (the +# "License"); you may not use this file except in compliance +# with the License. You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, +# software distributed under the License is distributed on an +# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY +# KIND, either express or implied. See the License for the +# specific language governing permissions and limitations +# under the License. +# +# ------------------------------------------------------------- + +# Autogenerated By : src/main/python/generator/generator.py +import unittest +from systemds.operator.algorithm.builtin.xgboostPredictRegression import ( + xgboostPredictRegression, +) + + +class TestXGBOOSTPREDICTREGRESSION(unittest.TestCase): + def test_xgboostPredictRegression(self): + self.skipTest("No example provided") + + +if __name__ == "__main__": + unittest.main() diff --git a/src/main/python/tests/basics/test___str__.py b/src/main/python/tests/basics/test___str__.py index adaa4d23830..a1be2845b7a 100644 --- a/src/main/python/tests/basics/test___str__.py +++ b/src/main/python/tests/basics/test___str__.py @@ -25,7 +25,6 @@ class Test__str__(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/basics/test_context_creation.py b/src/main/python/tests/basics/test_context_creation.py index 920dace8be5..e20a099865e 100644 --- a/src/main/python/tests/basics/test_context_creation.py +++ b/src/main/python/tests/basics/test_context_creation.py @@ -26,7 +26,6 @@ class TestContextCreation(unittest.TestCase): - def test_random_port(self): sds1 = SystemDSContext() sds1.close() diff --git a/src/main/python/tests/basics/test_context_stats.py b/src/main/python/tests/basics/test_context_stats.py index 25a83e18003..3bcceaea6df 100644 --- a/src/main/python/tests/basics/test_context_stats.py +++ b/src/main/python/tests/basics/test_context_stats.py @@ -28,7 +28,6 @@ class TestContextCreation(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/docs_test/test_end_to_end_tutorial.py b/src/main/python/tests/docs_test/test_end_to_end_tutorial.py index 1529102e199..a0f7e575f26 100644 --- a/src/main/python/tests/docs_test/test_end_to_end_tutorial.py +++ b/src/main/python/tests/docs_test/test_end_to_end_tutorial.py @@ -27,7 +27,6 @@ class TestEndToEnd(unittest.TestCase): - network_dir: str = "tests/examples/docs_test/end_to_end" @classmethod diff --git a/src/main/python/tests/federated/test_federated_aggregations.py b/src/main/python/tests/federated/test_federated_aggregations.py index e19d91dc1cb..f6671ac748d 100644 --- a/src/main/python/tests/federated/test_federated_aggregations.py +++ b/src/main/python/tests/federated/test_federated_aggregations.py @@ -67,7 +67,6 @@ class TestFederatedAggFn(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/federated/test_federated_aggregations_noHeader.py b/src/main/python/tests/federated/test_federated_aggregations_noHeader.py index be1a92a8f7d..4203768eb85 100644 --- a/src/main/python/tests/federated/test_federated_aggregations_noHeader.py +++ b/src/main/python/tests/federated/test_federated_aggregations_noHeader.py @@ -65,7 +65,6 @@ class TestFederatedAggFn(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/federated/test_federated_basic.py b/src/main/python/tests/federated/test_federated_basic.py index 8910084e989..ef6b0d8651c 100644 --- a/src/main/python/tests/federated/test_federated_basic.py +++ b/src/main/python/tests/federated/test_federated_basic.py @@ -67,7 +67,6 @@ class TestFederatedAggFn(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/federated/test_federated_matrix_mult.py b/src/main/python/tests/federated/test_federated_matrix_mult.py index dcdeaca42d4..579530321ab 100644 --- a/src/main/python/tests/federated/test_federated_matrix_mult.py +++ b/src/main/python/tests/federated/test_federated_matrix_mult.py @@ -70,7 +70,6 @@ class TestFederatedAggFn(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/federated/test_federated_read.py b/src/main/python/tests/federated/test_federated_read.py index 927d5d5fc34..44b529e5431 100644 --- a/src/main/python/tests/federated/test_federated_read.py +++ b/src/main/python/tests/federated/test_federated_read.py @@ -65,7 +65,6 @@ class TestFederatedAggFn(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/federated/test_federated_tutorial.py b/src/main/python/tests/federated/test_federated_tutorial.py index 05132536fc7..aa047d8efdf 100644 --- a/src/main/python/tests/federated/test_federated_tutorial.py +++ b/src/main/python/tests/federated/test_federated_tutorial.py @@ -24,7 +24,6 @@ class TestFederatedAggFn(unittest.TestCase): - @classmethod def tearDownClass(cls): shutil.rmtree("temp") diff --git a/src/main/python/tests/frame/test_hyperband.py b/src/main/python/tests/frame/test_hyperband.py index 1f4973c611b..63cd95517c5 100644 --- a/src/main/python/tests/frame/test_hyperband.py +++ b/src/main/python/tests/frame/test_hyperband.py @@ -31,7 +31,6 @@ class TestHyperband(unittest.TestCase): - sds: SystemDSContext = None np.random.seed(42) X_train = np.random.rand(50, 10) diff --git a/src/main/python/tests/frame/test_rIndexing.py b/src/main/python/tests/frame/test_rIndexing.py index 060edb07c07..be00082d2a5 100644 --- a/src/main/python/tests/frame/test_rIndexing.py +++ b/src/main/python/tests/frame/test_rIndexing.py @@ -27,7 +27,6 @@ class Test_rIndexing(unittest.TestCase): - sds: SystemDSContext = None # shape (4, 3) diff --git a/src/main/python/tests/frame/test_r_c_bind.py b/src/main/python/tests/frame/test_r_c_bind.py index 6a69c8e814d..21e59f4d77b 100644 --- a/src/main/python/tests/frame/test_r_c_bind.py +++ b/src/main/python/tests/frame/test_r_c_bind.py @@ -26,7 +26,6 @@ class TestRCBind(unittest.TestCase): - sds: SystemDSContext = None # shape (2, 3) diff --git a/src/main/python/tests/frame/test_replace.py b/src/main/python/tests/frame/test_replace.py index 7adafb3050a..369fed1d7ee 100644 --- a/src/main/python/tests/frame/test_replace.py +++ b/src/main/python/tests/frame/test_replace.py @@ -31,7 +31,6 @@ class TestReplaceFrame(unittest.TestCase): - sds: SystemDSContext = None HOMES_PATH = "../../test/resources/datasets/homes/homes.csv" HOMES_SCHEMA = '"int,string,int,int,double,int,boolean,int,int"' @@ -49,7 +48,6 @@ def tearDown(self): pass def test_apply_recode_bin(self): - F1 = self.sds.read( self.HOMES_PATH, data_type="frame", diff --git a/src/main/python/tests/frame/test_slice.py b/src/main/python/tests/frame/test_slice.py index 5abb46cd3b4..48269581eae 100644 --- a/src/main/python/tests/frame/test_slice.py +++ b/src/main/python/tests/frame/test_slice.py @@ -35,7 +35,6 @@ class TestFederatedAggFn(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/frame/test_transform_apply.py b/src/main/python/tests/frame/test_transform_apply.py index 9cbd22292e7..805decf0da1 100644 --- a/src/main/python/tests/frame/test_transform_apply.py +++ b/src/main/python/tests/frame/test_transform_apply.py @@ -28,7 +28,6 @@ class TestTransformApply(unittest.TestCase): - sds: SystemDSContext = None HOMES_PATH = "../../test/resources/datasets/homes/homes.csv" HOMES_SCHEMA = '"int,string,int,int,double,int,boolean,int,int"' diff --git a/src/main/python/tests/frame/test_transform_encode.py b/src/main/python/tests/frame/test_transform_encode.py index c3ae837a557..a78ced9daab 100644 --- a/src/main/python/tests/frame/test_transform_encode.py +++ b/src/main/python/tests/frame/test_transform_encode.py @@ -31,7 +31,6 @@ class TestTransformEncode(unittest.TestCase): - sds: SystemDSContext = None HOMES_PATH = "../../test/resources/datasets/homes/homes.csv" HOMES_SCHEMA = '"int,string,int,int,double,int,boolean,int,int"' diff --git a/src/main/python/tests/frame/test_write_read.py b/src/main/python/tests/frame/test_write_read.py index d7fdbd06cba..0cc8f24d8c2 100644 --- a/src/main/python/tests/frame/test_write_read.py +++ b/src/main/python/tests/frame/test_write_read.py @@ -27,7 +27,6 @@ class TestWriteRead(unittest.TestCase): - sds: SystemDSContext = None temp_dir: str = "tests/frame/temp_write/" n_cols = 3 diff --git a/src/main/python/tests/iotests/test_io_csv.py b/src/main/python/tests/iotests/test_io_csv.py index 042e7e308a4..e7f37db3bfb 100644 --- a/src/main/python/tests/iotests/test_io_csv.py +++ b/src/main/python/tests/iotests/test_io_csv.py @@ -29,7 +29,6 @@ class TestReadCSV(unittest.TestCase): - sds: SystemDSContext = None temp_dir: str = "tests/iotests/temp_write_csv/" n_cols = 3 diff --git a/src/main/python/tests/iotests/test_io_pandas_systemds.py b/src/main/python/tests/iotests/test_io_pandas_systemds.py index 7f599ea163d..deb5bb6dc9c 100644 --- a/src/main/python/tests/iotests/test_io_pandas_systemds.py +++ b/src/main/python/tests/iotests/test_io_pandas_systemds.py @@ -40,7 +40,6 @@ def create_dataframe(n_rows, n_cols, mixed=True): class TestPandasFromToSystemds(unittest.TestCase): - sds: SystemDSContext = None temp_dir: str = "tests/iotests/temp_write_csv/" diff --git a/src/main/python/tests/lineage/test_lineagetrace.py b/src/main/python/tests/lineage/test_lineagetrace.py index 760e26abe10..b4e4b67b5af 100644 --- a/src/main/python/tests/lineage/test_lineagetrace.py +++ b/src/main/python/tests/lineage/test_lineagetrace.py @@ -33,7 +33,6 @@ class TestLineageTrace(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/list/test_list.py b/src/main/python/tests/list/test_list.py index 20835286ad1..b50f965bd9d 100644 --- a/src/main/python/tests/list/test_list.py +++ b/src/main/python/tests/list/test_list.py @@ -27,7 +27,6 @@ class TestListOperations(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/list/test_list_readwrite.py b/src/main/python/tests/list/test_list_readwrite.py index f43d0fc3d57..d76b8f34a8d 100644 --- a/src/main/python/tests/list/test_list_readwrite.py +++ b/src/main/python/tests/list/test_list_readwrite.py @@ -27,7 +27,6 @@ class TestListOperations(unittest.TestCase): - sds: SystemDSContext = None temp_dir: str = "tests/list/tmp/readwrite/" diff --git a/src/main/python/tests/list/test_list_unknown.py b/src/main/python/tests/list/test_list_unknown.py index f5aecb8669f..10c9c025962 100644 --- a/src/main/python/tests/list/test_list_unknown.py +++ b/src/main/python/tests/list/test_list_unknown.py @@ -28,7 +28,6 @@ class TestListOperationsUnknown(unittest.TestCase): - sds: SystemDSContext = None src_path: str = "./tests/list/return_list.dml" diff --git a/src/main/python/tests/matrix/test_binary_op.py b/src/main/python/tests/matrix/test_binary_op.py index 582cc8b8f5b..5f6872171aa 100644 --- a/src/main/python/tests/matrix/test_binary_op.py +++ b/src/main/python/tests/matrix/test_binary_op.py @@ -35,7 +35,6 @@ class TestBinaryOp(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_ceil.py b/src/main/python/tests/matrix/test_ceil.py index c0db01fb375..1a87f46bf3d 100644 --- a/src/main/python/tests/matrix/test_ceil.py +++ b/src/main/python/tests/matrix/test_ceil.py @@ -32,7 +32,6 @@ def tearDown(self): self.sds.close() def test_ceil_basic(self): - input_matrix = ( np.array([[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]]) / 10 @@ -44,7 +43,6 @@ def test_ceil_basic(self): assert np.allclose(sds_result, np_result_np, 1e-9) def test_floor_random(self): - input_matrix = np.random.random((10, 10)) * 20 - 10 sds_input = self.sds.from_numpy(input_matrix) sds_result = sds_input.ceil().compute() diff --git a/src/main/python/tests/matrix/test_cholesky.py b/src/main/python/tests/matrix/test_cholesky.py index d6ba5ba232f..d4586ebf60f 100644 --- a/src/main/python/tests/matrix/test_cholesky.py +++ b/src/main/python/tests/matrix/test_cholesky.py @@ -32,7 +32,6 @@ class TestCholesky(unittest.TestCase): - sds: SystemDSContext = None @classmethod @@ -45,7 +44,6 @@ def tearDownClass(cls): class TestCholeskyValid(TestCholesky): - def test_basic1(self): L = self.sds.from_numpy(A).cholesky().compute() self.assertTrue(np.allclose(L, np.linalg.cholesky(A))) @@ -64,7 +62,6 @@ def test_pos_def(self): class TestCholeskyInvalid_2(TestCholesky): - def test_symmetric_matrix(self): m2 = np.asarray([[4, 9], [1, 4]]) np.linalg.cholesky(m2) diff --git a/src/main/python/tests/matrix/test_eigen.py b/src/main/python/tests/matrix/test_eigen.py index f036ce73690..f15b32ab82c 100644 --- a/src/main/python/tests/matrix/test_eigen.py +++ b/src/main/python/tests/matrix/test_eigen.py @@ -32,7 +32,6 @@ def tearDown(self): self.sds.close() def test_svd_basic(self): - input_matrix = np.array( [[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]] ) diff --git a/src/main/python/tests/matrix/test_exp.py b/src/main/python/tests/matrix/test_exp.py index 1fa6a0e125d..dccb28bfda4 100644 --- a/src/main/python/tests/matrix/test_exp.py +++ b/src/main/python/tests/matrix/test_exp.py @@ -32,7 +32,6 @@ def tearDown(self): self.sds.close() def test_exp_basic(self): - input_matrix = ( np.array([[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]]) - 8 @@ -44,7 +43,6 @@ def test_exp_basic(self): assert np.allclose(sds_result, np_result_np, 1e-9) def test_exp_random(self): - input_matrix = np.random.random((10, 10)) sds_input = self.sds.from_numpy(input_matrix) sds_result = sds_input.exp().compute() diff --git a/src/main/python/tests/matrix/test_fft.py b/src/main/python/tests/matrix/test_fft.py index d4806ab31d5..24387b4f3a7 100644 --- a/src/main/python/tests/matrix/test_fft.py +++ b/src/main/python/tests/matrix/test_fft.py @@ -32,7 +32,6 @@ def tearDown(self): self.sds.close() def test_fft_basic(self): - input_matrix = np.array( [[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]] ) @@ -90,7 +89,6 @@ def test_fft_2d(self): np.testing.assert_array_almost_equal(imag_part, expected_imag, decimal=5) def test_fft_non_power_of_two_matrix(self): - input_matrix = np.random.rand(3, 5) sds_input = self.sds.from_numpy(input_matrix) diff --git a/src/main/python/tests/matrix/test_floor.py b/src/main/python/tests/matrix/test_floor.py index 3c6c5b32965..01e1ee13054 100644 --- a/src/main/python/tests/matrix/test_floor.py +++ b/src/main/python/tests/matrix/test_floor.py @@ -32,7 +32,6 @@ def tearDown(self): self.sds.close() def test_floor_basic(self): - input_matrix = ( np.array([[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]]) / 10 @@ -44,7 +43,6 @@ def test_floor_basic(self): assert np.allclose(sds_result, np_result_np, 1e-9) def test_floor_random(self): - input_matrix = np.random.random((10, 10)) sds_input = self.sds.from_numpy(input_matrix) sds_result = sds_input.floor().compute() diff --git a/src/main/python/tests/matrix/test_log.py b/src/main/python/tests/matrix/test_log.py index d0be8848a4e..81aea8726a5 100644 --- a/src/main/python/tests/matrix/test_log.py +++ b/src/main/python/tests/matrix/test_log.py @@ -32,7 +32,6 @@ def tearDown(self): self.sds.close() def test_log_basic(self): - input_matrix = np.array( [[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]] ) @@ -43,7 +42,6 @@ def test_log_basic(self): assert np.allclose(sds_result, np_result_np, 1e-9) def test_log_basic2(self): - input_matrix = ( np.array([[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]]) - 8 @@ -56,7 +54,6 @@ def test_log_basic2(self): assert np.allclose(sds_result, np_result, 1e-9) def test_log_random(self): - input_matrix = np.random.random((10, 10)) sds_input = self.sds.from_numpy(input_matrix) sds_result = sds_input.log().compute() diff --git a/src/main/python/tests/matrix/test_order.py b/src/main/python/tests/matrix/test_order.py index 6319c1451ab..59921770f82 100644 --- a/src/main/python/tests/matrix/test_order.py +++ b/src/main/python/tests/matrix/test_order.py @@ -35,7 +35,6 @@ class TestOrderBase(unittest.TestCase): - sds: SystemDSContext = None @classmethod @@ -48,7 +47,6 @@ def tearDownClass(cls): class TestOrderValid(TestOrderBase): - def test_basic(self): o = ( self.sds.from_numpy(m) @@ -78,7 +76,6 @@ def test_decreasing(self): class TestOrderInvalid(TestOrderBase): - def test_out_of_bounds(self): by_max = np.size(m, 1) + 2 with self.assertRaises(Exception): diff --git a/src/main/python/tests/matrix/test_print.py b/src/main/python/tests/matrix/test_print.py index 9f921a3708b..33dfd901af4 100644 --- a/src/main/python/tests/matrix/test_print.py +++ b/src/main/python/tests/matrix/test_print.py @@ -27,7 +27,6 @@ class TestPrint(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_rIndexing.py b/src/main/python/tests/matrix/test_rIndexing.py index 61b337c47ae..7e582f5ef43 100644 --- a/src/main/python/tests/matrix/test_rIndexing.py +++ b/src/main/python/tests/matrix/test_rIndexing.py @@ -26,7 +26,6 @@ class Test_rIndexing(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_r_c_bind.py b/src/main/python/tests/matrix/test_r_c_bind.py index b4968eecf4a..512a9e98501 100644 --- a/src/main/python/tests/matrix/test_r_c_bind.py +++ b/src/main/python/tests/matrix/test_r_c_bind.py @@ -26,7 +26,6 @@ class TestRBind(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_rand.py b/src/main/python/tests/matrix/test_rand.py index 3a67d92de6b..510e6cf3e26 100644 --- a/src/main/python/tests/matrix/test_rand.py +++ b/src/main/python/tests/matrix/test_rand.py @@ -39,7 +39,6 @@ class TestRand(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_replace.py b/src/main/python/tests/matrix/test_replace.py index 331770331e1..e9bbe9de4e6 100644 --- a/src/main/python/tests/matrix/test_replace.py +++ b/src/main/python/tests/matrix/test_replace.py @@ -35,7 +35,6 @@ class TestReplaceMatrix(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_reverse.py b/src/main/python/tests/matrix/test_reverse.py index a1643af257e..d08e6f5842b 100644 --- a/src/main/python/tests/matrix/test_reverse.py +++ b/src/main/python/tests/matrix/test_reverse.py @@ -34,7 +34,6 @@ class TestReverse(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_slice.py b/src/main/python/tests/matrix/test_slice.py index b795de31e1f..795bdea2f50 100644 --- a/src/main/python/tests/matrix/test_slice.py +++ b/src/main/python/tests/matrix/test_slice.py @@ -31,7 +31,6 @@ class TestFederatedAggFn(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_split.py b/src/main/python/tests/matrix/test_split.py index f0c984b28ff..9b465dcb257 100644 --- a/src/main/python/tests/matrix/test_split.py +++ b/src/main/python/tests/matrix/test_split.py @@ -31,7 +31,6 @@ class TestOrder(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_sqrt.py b/src/main/python/tests/matrix/test_sqrt.py index bf46836d6c1..5768eab8bf3 100644 --- a/src/main/python/tests/matrix/test_sqrt.py +++ b/src/main/python/tests/matrix/test_sqrt.py @@ -32,7 +32,6 @@ def tearDown(self): self.sds.close() def test_sqrt_basic(self): - input_matrix = np.array( [[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]] ) @@ -43,7 +42,6 @@ def test_sqrt_basic(self): assert np.allclose(sds_result, np_result_np, 1e-9) def test_sqrt_random(self): - input_matrix = np.random.random((10, 10)) sds_input = self.sds.from_numpy(input_matrix) sds_result = sds_input.sqrt().compute() diff --git a/src/main/python/tests/matrix/test_svd.py b/src/main/python/tests/matrix/test_svd.py index 2e2dd500f34..e455e9ac3dd 100644 --- a/src/main/python/tests/matrix/test_svd.py +++ b/src/main/python/tests/matrix/test_svd.py @@ -32,7 +32,6 @@ def tearDown(self): self.sds.close() def test_svd_basic(self): - input_matrix = np.array( [[1, 2, 3, 4], [5, 6, 7, 8], [9, 10, 11, 12], [13, 14, 15, 16]] ) diff --git a/src/main/python/tests/matrix/test_to_one_hot.py b/src/main/python/tests/matrix/test_to_one_hot.py index c4d673b2a02..b516b1f73df 100644 --- a/src/main/python/tests/matrix/test_to_one_hot.py +++ b/src/main/python/tests/matrix/test_to_one_hot.py @@ -26,7 +26,6 @@ class TestMatrixOneHot(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_transpose.py b/src/main/python/tests/matrix/test_transpose.py index 1ed01394291..28320919d30 100644 --- a/src/main/python/tests/matrix/test_transpose.py +++ b/src/main/python/tests/matrix/test_transpose.py @@ -34,7 +34,6 @@ class TestTranspose(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_trigonometric.py b/src/main/python/tests/matrix/test_trigonometric.py index f0da9c8f39b..42bfac8c0c5 100644 --- a/src/main/python/tests/matrix/test_trigonometric.py +++ b/src/main/python/tests/matrix/test_trigonometric.py @@ -32,7 +32,6 @@ class TestTrigonometricOp(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/matrix/test_write.py b/src/main/python/tests/matrix/test_write.py index d50d1f7b3c4..9bd3586aeb6 100644 --- a/src/main/python/tests/matrix/test_write.py +++ b/src/main/python/tests/matrix/test_write.py @@ -27,7 +27,6 @@ class TestWrite(unittest.TestCase): - sds: SystemDSContext = None temp_dir: str = "tests/matrix/temp_write/" diff --git a/src/main/python/tests/nn/neural_network.py b/src/main/python/tests/nn/neural_network.py index e62236e9bcd..591e3a5e592 100644 --- a/src/main/python/tests/nn/neural_network.py +++ b/src/main/python/tests/nn/neural_network.py @@ -30,7 +30,6 @@ class NeuralNetwork: _X: Matrix def __init__(self, sds: SystemDSContext, dim: int): - # first hidden layer self.affine1 = Affine(sds, dim, 128, seed=42) self.w1, self.b1 = self.affine1.weight, self.affine1.bias diff --git a/src/main/python/tests/nn/test_neural_network.py b/src/main/python/tests/nn/test_neural_network.py index f13b591cb48..e48f9d15ef5 100644 --- a/src/main/python/tests/nn/test_neural_network.py +++ b/src/main/python/tests/nn/test_neural_network.py @@ -56,7 +56,6 @@ def tearDownClass(cls): cls.sds.close() def test_forward_pass(self): - Xm = self.sds.from_numpy(self.X) nn = NeuralNetwork(self.sds, dim=1) # test forward pass through the network using static calls diff --git a/src/main/python/tests/scuro/data_generator.py b/src/main/python/tests/scuro/data_generator.py index 48ff208e438..843a8f4170f 100644 --- a/src/main/python/tests/scuro/data_generator.py +++ b/src/main/python/tests/scuro/data_generator.py @@ -37,7 +37,6 @@ class ModalityRandomDataGenerator: - def __init__(self): self._modality_id = 0 @@ -104,7 +103,6 @@ def setup_data(modalities, num_instances, path): class TestDataGenerator: def __init__(self, modalities, path, balanced=True): - self.modalities = modalities self.modalities_by_type = {} for modality in modalities: diff --git a/src/main/python/tests/scuro/test_dr_search.py b/src/main/python/tests/scuro/test_dr_search.py index 0959c246e0b..325bd67c71b 100644 --- a/src/main/python/tests/scuro/test_dr_search.py +++ b/src/main/python/tests/scuro/test_dr_search.py @@ -169,15 +169,19 @@ def test_enumerate_all_vs_random(self): self.val_indizes, ) dr_search = DRSearch(self.mods, task, self.representations) - best_representation_enum, best_score_enum, best_modalities_enum = ( - dr_search.fit_enumerate_all() - ) + ( + best_representation_enum, + best_score_enum, + best_modalities_enum, + ) = dr_search.fit_enumerate_all() dr_search.reset_best_params() - best_representation_rand, best_score_rand, best_modalities_rand = ( - dr_search.fit_random(seed=42) - ) + ( + best_representation_rand, + best_score_rand, + best_modalities_rand, + ) = dr_search.fit_random(seed=42) assert best_score_rand <= best_score_enum diff --git a/src/main/python/tests/source/test_source_01.py b/src/main/python/tests/source/test_source_01.py index ef9b4ee723f..15a853c9f5b 100644 --- a/src/main/python/tests/source/test_source_01.py +++ b/src/main/python/tests/source/test_source_01.py @@ -26,7 +26,6 @@ class TestSource_01(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/source/test_source_02.py b/src/main/python/tests/source/test_source_02.py index bc6d1168ac5..bbf3d1c0f2d 100644 --- a/src/main/python/tests/source/test_source_02.py +++ b/src/main/python/tests/source/test_source_02.py @@ -26,7 +26,6 @@ class TestSource_01(unittest.TestCase): - sds: SystemDSContext = None @classmethod diff --git a/src/main/python/tests/source/test_source_list.py b/src/main/python/tests/source/test_source_list.py index 066571a2e1e..2cf183d7dfa 100644 --- a/src/main/python/tests/source/test_source_list.py +++ b/src/main/python/tests/source/test_source_list.py @@ -27,7 +27,6 @@ class TestSource_01(unittest.TestCase): - sds: SystemDSContext = None source_path: str = "./tests/source/source_with_list_input.dml" diff --git a/src/main/python/tests/source/test_source_multi_arguments.py b/src/main/python/tests/source/test_source_multi_arguments.py index 555096a9d6a..6323eaf4983 100644 --- a/src/main/python/tests/source/test_source_multi_arguments.py +++ b/src/main/python/tests/source/test_source_multi_arguments.py @@ -26,7 +26,6 @@ class TestSource_MultiArguments(unittest.TestCase): - sds: SystemDSContext = None src_path: str = "./tests/source/source_multi_arguments.dml" diff --git a/src/main/python/tests/source/test_source_neural_net.py b/src/main/python/tests/source/test_source_neural_net.py index 59302b20844..9f42a0762b7 100644 --- a/src/main/python/tests/source/test_source_neural_net.py +++ b/src/main/python/tests/source/test_source_neural_net.py @@ -26,7 +26,6 @@ class TestSource_NeuralNet(unittest.TestCase): - sds: SystemDSContext = None src_path: str = "./tests/source/neural_net_source.dml" diff --git a/src/main/python/tests/source/test_source_no_return.py b/src/main/python/tests/source/test_source_no_return.py index 75c6f11e8ea..0db62483313 100644 --- a/src/main/python/tests/source/test_source_no_return.py +++ b/src/main/python/tests/source/test_source_no_return.py @@ -26,7 +26,6 @@ class TestSource_NoReturn(unittest.TestCase): - sds: SystemDSContext = None src_path: str = "./tests/source/source_with_no_return.dml" diff --git a/src/main/python/tests/source/test_source_reuse.py b/src/main/python/tests/source/test_source_reuse.py index 77188af7a0f..18ab08c6c70 100644 --- a/src/main/python/tests/source/test_source_reuse.py +++ b/src/main/python/tests/source/test_source_reuse.py @@ -26,7 +26,6 @@ class TestSourceReuse(unittest.TestCase): - sds: SystemDSContext = None source_reuse = None diff --git a/src/main/python/tests/source/test_source_with_default_values.py b/src/main/python/tests/source/test_source_with_default_values.py index f8229fbd7f9..3d09d6a3460 100644 --- a/src/main/python/tests/source/test_source_with_default_values.py +++ b/src/main/python/tests/source/test_source_with_default_values.py @@ -26,7 +26,6 @@ class TestSource_DefaultValues(unittest.TestCase): - sds: SystemDSContext = None src_path: str = "./tests/source/source_with_default_values.dml"