Convolutional neural network (CNN) is a regularized type of feed-forward
+ neural network that learns feature engineering by itself via filters
+ (or kernel) optimization. Vanishing gradients and exploding gradients,
+ seen during backpropagation in earlier neural networks, are prevented by
+ using regularized weights over fewer connections.
The input layer is a simple layer that will pass the data though and
+ create a window into the full training data set. So for instance if
+ we have an image of size 28x28x1 which means that we have 28 pixels
+ in the x axle and 28 pixels in the y axle and one color (gray scale),
+ then this layer might give you a window of another size example 24x24x1
+ that is randomly chosen in order to create some distortion into the
+ dataset so the algorithm don't over-fit the training.
This layer uses different filters to find attributes of the data that
+ affects the result. As an example there could be a filter to find
+ horizontal edges in an image.
This layer is useful when we are dealing with ReLU neurons. Why is that?
+ Because ReLU neurons have unbounded activations and we need LRN to normalize
+ that. We want to detect high frequency features with a large response. If we
+ normalize around the local neighborhood of the excited neuron, it becomes even
+ more sensitive as compared to its neighbors.
+
+
At the same time, it will dampen the responses that are uniformly large in any
+ given local neighborhood. If all the values are large, then normalizing those
+ values will diminish all of them. So basically we want to encourage some kind
+ of inhibition and boost the neurons with relatively larger activations. This
+ has been discussed nicely in Section 3.3 of the original paper by Krizhevsky et al.
[*loss_layers] This layer will squash the result of the activations in the fully
+ connected layer and give you a value of 0 to 1 for all output activations.
This is a layer of neurons that applies the non-saturating activation
+ function f(x)=max(0,x). It increases the nonlinear properties of the
+ decision function and of the overall network without affecting the
+ receptive fields of the convolution layer.
Implements Maxout nonlinearity that computes x to max(x)
+ where x is a vector of size group_size. Ideally of course,
+ the input size should be exactly divisible by group_size
This layer will reduce the dataset by creating a smaller zoomed out
+ version. In essence you take a cluster of pixels take the sum of them
+ and put the result in the reduced position of the new image.
Neurons in a fully connected layer have full connections to all
+ activations in the previous layer, as seen in regular Neural Networks.
+ Their activations can hence be computed with a matrix multiplication
+ followed by a bias offset.
Stochastic gradient descent (often shortened in SGD), also known as incremental gradient descent, is a
+ stochastic approximation of the gradient descent optimization method for minimizing an objective function
+ that is written as a sum of differentiable functions. In other words, SGD tries to find minimums or
+ maximums by iteration.
This is AdaGrad but with a moving window weighted average
+ so the gradient is not accumulated over the entire history of the run.
+ it's also referred to as Idea #1 in Zeiler paper on AdaDelta.
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/CeNiN.html b/vignettes/MLkit/CNN/CeNiN.html
new file mode 100644
index 0000000..ce8e155
--- /dev/null
+++ b/vignettes/MLkit/CNN/CeNiN.html
@@ -0,0 +1,67 @@
+
+
+
+
+ load a CNN model from file
+
+
+
+
+
+
+
+
+
+
+
CeNiN {CNN}
+
R Documentation
+
+
+
+
load a CNN model from file
+
+
Description
+
+
+
+
Usage
+
+
+
CeNiN(file);
+
+
+
Arguments
+
+
+
+
file
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type CeNiN.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/ada_delta.html b/vignettes/MLkit/CNN/ada_delta.html
new file mode 100644
index 0000000..07d3a1f
--- /dev/null
+++ b/vignettes/MLkit/CNN/ada_delta.html
@@ -0,0 +1,77 @@
+
+
+
+
+ Adaptive delta will look at the differences between the expected result and the current result to train the network.
+
+
+
+
+
+
+
+
+
+
+
ada_delta {CNN}
+
R Documentation
+
+
+
+
Adaptive delta will look at the differences between the expected result and the current result to train the network.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/ada_grad.html b/vignettes/MLkit/CNN/ada_grad.html
new file mode 100644
index 0000000..5b2291d
--- /dev/null
+++ b/vignettes/MLkit/CNN/ada_grad.html
@@ -0,0 +1,72 @@
+
+
+
+
+ The adaptive gradient trainer will over time sum up the square of
+
+
+
+
+
+
+
+
+
+
+
ada_grad {CNN}
+
R Documentation
+
+
+
+
The adaptive gradient trainer will over time sum up the square of
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/adam.html b/vignettes/MLkit/CNN/adam.html
new file mode 100644
index 0000000..7d3694b
--- /dev/null
+++ b/vignettes/MLkit/CNN/adam.html
@@ -0,0 +1,82 @@
+
+
+
+
+ Adaptive Moment Estimation is an update to RMSProp optimizer. In this running average of both the
+
+
+
+
+
+
+
+
+
+
+
adam {CNN}
+
R Documentation
+
+
+
+
Adaptive Moment Estimation is an update to RMSProp optimizer. In this running average of both the
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/cnn.html b/vignettes/MLkit/CNN/cnn.html
new file mode 100644
index 0000000..819efd2
--- /dev/null
+++ b/vignettes/MLkit/CNN/cnn.html
@@ -0,0 +1,75 @@
+
+
+
+
+ Create a new CNN model
+
+
+
+
+
+
+
+
+
+
+
cnn {CNN}
+
R Documentation
+
+
+
+
Create a new CNN model
+
+
Description
+
+
Convolutional neural network (CNN) is a regularized type of feed-forward neural network that learns feature engineering by itself via filters (or kernel) optimization. Vanishing gradients and exploding gradients, seen during backpropagation in earlier neural networks, are prevented by using regularized weights over fewer connections.
+
+
Usage
+
+
+
cnn(
+ file = NULL);
+
+
+
Arguments
+
+
+
+
file
+
if the given model file parameter is not default nothing, then the new
+ CNN model object will be loaded from the specific given file, otherwise
+ a blank new model object will be created from the CNN layer model
+ builder.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/conv_layer.html b/vignettes/MLkit/CNN/conv_layer.html
new file mode 100644
index 0000000..d645011
--- /dev/null
+++ b/vignettes/MLkit/CNN/conv_layer.html
@@ -0,0 +1,81 @@
+
+
+
+
+ This layer uses different filters to find attributes of the data that
+
+
+
+
+
+
+
+
+
+
+
conv_layer {CNN}
+
R Documentation
+
+
+
+
This layer uses different filters to find attributes of the data that
+
+
Description
+
+
affects the result. As an example there could be a filter to find horizontal edges in an image.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/detectObject.html b/vignettes/MLkit/CNN/detectObject.html
new file mode 100644
index 0000000..1df398c
--- /dev/null
+++ b/vignettes/MLkit/CNN/detectObject.html
@@ -0,0 +1,75 @@
+
+
+
+
+ classify a object from a given image data
+
+
+
+
+
+
+
+
+
+
+
detectObject {CNN}
+
R Documentation
+
+
+
+
classify a object from a given image data
+
+
Description
+
+
+
+
Usage
+
+
+
detectObject(model, target);
+
+
+
Arguments
+
+
+
+
model
+
-
+
+
+
target
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type dataframe.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/dropout_layer.html b/vignettes/MLkit/CNN/dropout_layer.html
new file mode 100644
index 0000000..c3b2ef0
--- /dev/null
+++ b/vignettes/MLkit/CNN/dropout_layer.html
@@ -0,0 +1,68 @@
+
+
+
+
+ This layer will remove some random activations in order to
+
+
+
+
+
+
+
+
+
+
+
dropout_layer {CNN}
+
R Documentation
+
+
+
+
This layer will remove some random activations in order to
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/full_connected_layer.html b/vignettes/MLkit/CNN/full_connected_layer.html
new file mode 100644
index 0000000..f2691ac
--- /dev/null
+++ b/vignettes/MLkit/CNN/full_connected_layer.html
@@ -0,0 +1,67 @@
+
+
+
+
+ Neurons in a fully connected layer have full connections to all
+
+
+
+
+
+
+
+
+
+
+
full_connected_layer {CNN}
+
R Documentation
+
+
+
+
Neurons in a fully connected layer have full connections to all
+
+
Description
+
+
activations in the previous layer, as seen in regular Neural Networks. Their activations can hence be computed with a matrix multiplication followed by a bias offset.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/input_layer.html b/vignettes/MLkit/CNN/input_layer.html
new file mode 100644
index 0000000..7d3876e
--- /dev/null
+++ b/vignettes/MLkit/CNN/input_layer.html
@@ -0,0 +1,77 @@
+
+
+
+
+ The input layer is a simple layer that will pass the data though and
+
+
+
+
+
+
+
+
+
+
+
input_layer {CNN}
+
R Documentation
+
+
+
+
The input layer is a simple layer that will pass the data though and
+
+
Description
+
+
create a window into the full training data set. So for instance if we have an image of size 28x28x1 which means that we have 28 pixels in the x axle and 28 pixels in the y axle and one color (gray scale), then this layer might give you a window of another size example 24x24x1 that is randomly chosen in order to create some distortion into the dataset so the algorithm don't over-fit the training.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/lrn_layer.html b/vignettes/MLkit/CNN/lrn_layer.html
new file mode 100644
index 0000000..d8d85b3
--- /dev/null
+++ b/vignettes/MLkit/CNN/lrn_layer.html
@@ -0,0 +1,68 @@
+
+
+
+
+ This layer is useful when we are dealing with ReLU neurons. Why is that?
+
+
+
+
+
+
+
+
+
+
+
lrn_layer {CNN}
+
R Documentation
+
+
+
+
This layer is useful when we are dealing with ReLU neurons. Why is that?
+
+
Description
+
+
Because ReLU neurons have unbounded activations and we need LRN to normalize that. We want to detect high frequency features with a large response. If we normalize around the local neighborhood of the excited neuron, it becomes even more sensitive as compared to its neighbors.
At the same time, it will dampen the responses that are uniformly large in any given local neighborhood. If all the values are large, then normalizing those values will diminish all of them. So basically we want to encourage some kind of inhibition and boost the neurons with relatively larger activations. This has been discussed nicely in Section 3.3 of the original paper by Krizhevsky et al.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/nesterov.html b/vignettes/MLkit/CNN/nesterov.html
new file mode 100644
index 0000000..d5977fd
--- /dev/null
+++ b/vignettes/MLkit/CNN/nesterov.html
@@ -0,0 +1,72 @@
+
+
+
+
+ Another extension of gradient descent is due to Yurii Nesterov from 1983,[7] and has been subsequently generalized
+
+
+
+
+
+
+
+
+
+
+
nesterov {CNN}
+
R Documentation
+
+
+
+
Another extension of gradient descent is due to Yurii Nesterov from 1983,[7] and has been subsequently generalized
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/pool_layer.html b/vignettes/MLkit/CNN/pool_layer.html
new file mode 100644
index 0000000..007667a
--- /dev/null
+++ b/vignettes/MLkit/CNN/pool_layer.html
@@ -0,0 +1,75 @@
+
+
+
+
+ This layer will reduce the dataset by creating a smaller zoomed out
+
+
+
+
+
+
+
+
+
+
+
pool_layer {CNN}
+
R Documentation
+
+
+
+
This layer will reduce the dataset by creating a smaller zoomed out
+
+
Description
+
+
version. In essence you take a cluster of pixels take the sum of them and put the result in the reduced position of the new image.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/relu_layer.html b/vignettes/MLkit/CNN/relu_layer.html
new file mode 100644
index 0000000..4ede837
--- /dev/null
+++ b/vignettes/MLkit/CNN/relu_layer.html
@@ -0,0 +1,64 @@
+
+
+
+
+ This is a layer of neurons that applies the non-saturating activation
+
+
+
+
+
+
+
+
+
+
+
relu_layer {CNN}
+
R Documentation
+
+
+
+
This is a layer of neurons that applies the non-saturating activation
+
+
Description
+
+
function f(x)=max(0,x). It increases the nonlinear properties of the decision function and of the overall network without affecting the receptive fields of the convolution layer.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/saveModel.html b/vignettes/MLkit/CNN/saveModel.html
new file mode 100644
index 0000000..1144bd6
--- /dev/null
+++ b/vignettes/MLkit/CNN/saveModel.html
@@ -0,0 +1,75 @@
+
+
+
+
+ save the CNN model into a binary data file
+
+
+
+
+
+
+
+
+
+
+
saveModel {CNN}
+
R Documentation
+
+
+
+
save the CNN model into a binary data file
+
+
Description
+
+
+
+
Usage
+
+
+
saveModel(model, file);
+
+
+
Arguments
+
+
+
+
model
+
-
+
+
+
file
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type boolean.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/sgd.html b/vignettes/MLkit/CNN/sgd.html
new file mode 100644
index 0000000..a24fad3
--- /dev/null
+++ b/vignettes/MLkit/CNN/sgd.html
@@ -0,0 +1,75 @@
+
+
+
+
+ Stochastic gradient descent (often shortened in SGD), also known as incremental gradient descent, is a
+
+
+
+
+
+
+
+
+
+
+
sgd {CNN}
+
R Documentation
+
+
+
+
Stochastic gradient descent (often shortened in SGD), also known as incremental gradient descent, is a
+
+
Description
+
+
stochastic approximation of the gradient descent optimization method for minimizing an objective function that is written as a sum of differentiable functions. In other words, SGD tries to find minimums or maximums by iteration.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/softmax_layer.html b/vignettes/MLkit/CNN/softmax_layer.html
new file mode 100644
index 0000000..55540b5
--- /dev/null
+++ b/vignettes/MLkit/CNN/softmax_layer.html
@@ -0,0 +1,64 @@
+
+
+
+
+ [*loss_layers] This layer will squash the result of the activations in the fully
+
+
+
+
+
+
+
+
+
+
+
softmax_layer {CNN}
+
R Documentation
+
+
+
+
[*loss_layers] This layer will squash the result of the activations in the fully
+
+
Description
+
+
connected layer and give you a value of 0 to 1 for all output activations.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/CNN/window_grad.html b/vignettes/MLkit/CNN/window_grad.html
new file mode 100644
index 0000000..290cce8
--- /dev/null
+++ b/vignettes/MLkit/CNN/window_grad.html
@@ -0,0 +1,77 @@
+
+
+
+
+ This is AdaGrad but with a moving window weighted average
+
+
+
+
+
+
+
+
+
+
+
window_grad {CNN}
+
R Documentation
+
+
+
+
This is AdaGrad but with a moving window weighted average
+
+
Description
+
+
so the gradient is not accumulated over the entire history of the run. it's also referred to as Idea #1 in Zeiler paper on AdaDelta.
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/GA_toolkit/ANN.training.html b/vignettes/MLkit/GA_toolkit/ANN.training.html
new file mode 100644
index 0000000..e644c3a
--- /dev/null
+++ b/vignettes/MLkit/GA_toolkit/ANN.training.html
@@ -0,0 +1,82 @@
+
+
+
+
+ Run ANN training under the GA framework
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/NLP/segmentation.html b/vignettes/MLkit/NLP/segmentation.html
new file mode 100644
index 0000000..e43d67c
--- /dev/null
+++ b/vignettes/MLkit/NLP/segmentation.html
@@ -0,0 +1,69 @@
+
+
+
+
+ split the given text into multiple parts
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/SVM/append.trainingSet.html b/vignettes/MLkit/SVM/append.trainingSet.html
new file mode 100644
index 0000000..2a5e3f9
--- /dev/null
+++ b/vignettes/MLkit/SVM/append.trainingSet.html
@@ -0,0 +1,79 @@
+
+
+
+
+ append problem data into current problem dataset
+
+
+
+
+
+
+
+
+
+
+
append.trainingSet {SVM}
+
R Documentation
+
+
+
+
append problem data into current problem dataset
+
+
Description
+
+
+
+
Usage
+
+
+
append.trainingSet(problem, tag, data);
+
+
+
Arguments
+
+
+
+
problem
+
-
+
+
+
tag
+
-
+
+
+
data
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Problem.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/SVM/problem.trim.html b/vignettes/MLkit/SVM/problem.trim.html
new file mode 100644
index 0000000..a90e081
--- /dev/null
+++ b/vignettes/MLkit/SVM/problem.trim.html
@@ -0,0 +1,71 @@
+
+
+
+
+ removes all columns that will all value equals to each other
+
+
+
+
+
+
+
+
+
+
+
problem.trim {SVM}
+
R Documentation
+
+
+
+
removes all columns that will all value equals to each other
+
+
Description
+
+
+
+
Usage
+
+
+
problem.trim(model);
+
+
+
Arguments
+
+
+
+
model
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object in these one of the listed data types: Problem, ProblemTable.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/SVM/svm_json.html b/vignettes/MLkit/SVM/svm_json.html
new file mode 100644
index 0000000..4b822d3
--- /dev/null
+++ b/vignettes/MLkit/SVM/svm_json.html
@@ -0,0 +1,72 @@
+
+
+
+
+ serialize the SVM model as json string for save to a file
+
+
+
+
+
+
+
+
+
+
+
svm_json {SVM}
+
R Documentation
+
+
+
+
serialize the SVM model as json string for save to a file
+
+
Description
+
+
+
+
Usage
+
+
+
svm_json(svm,
+ fileModel = FALSE);
+
+
+
Arguments
+
+
+
+
svm
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
Fuzzy clustering (also referred to as soft clustering) is a form of clustering in which
+ each data point can belong to more than one cluster.
+
+
Clustering Or cluster analysis involves assigning data points to clusters (also called buckets,
+ bins, Or classes), Or homogeneous classes, such that items in the same class Or cluster are as
+ similar as possible, while items belonging to different classes are as dissimilar as possible.
+ Clusters are identified via similarity measures. These similarity measures include distance,
+ connectivity, And intensity. Different similarity measures may be chosen based on the data Or
+ the application.
K-Nearest Neighbor or K-NN is a Supervised Non-linear classification
+ algorithm. K-NN is a Non-parametric algorithm i.e it doesn’t make any
+ assumption about underlying data or its distribution. It is one of
+ the simplest and widely used algorithm which depends on it’s k value
+ (Neighbors) and finds it’s applications in many industries like
+ finance industry, healthcare industry etc.
DBSCAN density reachability and connectivity clustering
+
+
Generates a density based clustering of arbitrary shape as
+ introduced in Ester et al. (1996).
+
+
Clusters require a minimum no of points (MinPts) within a maximum
+ distance (eps) around one of its members (the seed). Any point
+ within eps around any point which satisfies the seed condition
+ is a cluster member (recursively). Some points may not belong to
+ any clusters (noise).
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/clustering/btree.html b/vignettes/MLkit/clustering/btree.html
new file mode 100644
index 0000000..94addd4
--- /dev/null
+++ b/vignettes/MLkit/clustering/btree.html
@@ -0,0 +1,91 @@
+
+
+
+
+ do clustering via binary tree
+
+
+
+
+
+
+
the score threshold that asserts that two vector is
+ equals, then they will assigned to a same tree cluster node.
+
+
+
gt
+
the score threshold that asserts that two vector is not
+ the same but similar to other, then we could put the new vector into the
+ right node of current cluster tree node.
+
+
+
as.hclust
+
and also converts the tree data as the hclust data model?
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
the cluster result could be converts from clr object to R# dataframe object
+ via the as.data.frame function.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/clustering/cmeans.html b/vignettes/MLkit/clustering/cmeans.html
new file mode 100644
index 0000000..73178df
--- /dev/null
+++ b/vignettes/MLkit/clustering/cmeans.html
@@ -0,0 +1,86 @@
+
+
+
+
+ the cmeans algorithm module
+
+
+
+
+
+
+
+
+
+
+
cmeans {clustering}
+
R Documentation
+
+
+
+
the cmeans algorithm module
+
+
Description
+
+
Fuzzy clustering (also referred to as soft clustering) is a form of clustering in which each data point can belong to more than one cluster.
Clustering Or cluster analysis involves assigning data points to clusters (also called buckets, bins, Or classes), Or homogeneous classes, such that items in the same class Or cluster are as similar as possible, while items belonging to different classes are as dissimilar as possible. Clusters are identified via similarity measures. These similarity measures include distance, connectivity, And intensity. Different similarity measures may be chosen based on the data Or the application.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/clustering/dbscan.html b/vignettes/MLkit/clustering/dbscan.html
new file mode 100644
index 0000000..b132c65
--- /dev/null
+++ b/vignettes/MLkit/clustering/dbscan.html
@@ -0,0 +1,106 @@
+
+
+
+
+ DBSCAN density reachability and connectivity clustering
+
+
+
+
+
+
+
+
+
+
+
dbscan {clustering}
+
R Documentation
+
+
+
+
DBSCAN density reachability and connectivity clustering
+
+
Description
+
+
Generates a density based clustering of arbitrary shape as introduced in Ester et al. (1996).
Clusters require a minimum no of points (MinPts) within a maximum distance (eps) around one of its members (the seed). Any point within eps around any point which satisfies the seed condition is a cluster member (recursively). Some points may not belong to any clusters (noise).
data matrix, data.frame, dissimilarity matrix
+ or dist-object. Specify method="dist" if the data should be
+ interpreted as dissimilarity matrix or object. Otherwise Euclidean
+ distances will be used.
+
+
+
eps
+
Reachability distance, see Ester et al. (1996).
+
+
+
minPts
+
Reachability minimum no. Of points, see Ester et al. (1996).
+
+
+
scale
+
scale the data if TRUE.
+
+
+
method
+
"dist" treats data as distance matrix (relatively fast but memory
+ expensive), "raw" treats data as raw data and avoids calculating a
+ distance matrix (saves memory but may be slow), "hybrid" expects
+ also raw data, but calculates partial distance matrices (very fast
+ with moderate memory requirements).
+
+
+
seeds
+
FALSE to not include the isseed-vector in the dbscan-object.
+
+
+
countmode
+
NULL or vector of point numbers at which to report progress.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
the result data is not keeps the same order as the data input!
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/clustering/dbscan_objects.html b/vignettes/MLkit/clustering/dbscan_objects.html
new file mode 100644
index 0000000..cc977b4
--- /dev/null
+++ b/vignettes/MLkit/clustering/dbscan_objects.html
@@ -0,0 +1,77 @@
+
+
+
+
+ find objects from a given set of 2d points
+
+
+
+
+
+
+
+
+
+
+
dbscan_objects {clustering}
+
R Documentation
+
+
+
+
find objects from a given set of 2d points
+
+
Description
+
+
+
+
Usage
+
+
+
dbscan_objects(points,
+ sampleSize = 50);
+
+
+
Arguments
+
+
+
+
points
+
-
+
+
+
sampleSize
+
sample size for auto check best distance
+ threshold value for the object detection.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/clustering/density.html b/vignettes/MLkit/clustering/density.html
new file mode 100644
index 0000000..070d97d
--- /dev/null
+++ b/vignettes/MLkit/clustering/density.html
@@ -0,0 +1,72 @@
+
+
+
+
+ evaluate density of the raw data
+
+
+
+
+
+
+
+
+
+
+
density {clustering}
+
R Documentation
+
+
+
+
evaluate density of the raw data
+
+
Description
+
+
+
+
Usage
+
+
+
density(data,
+ k = 6);
+
+
+
Arguments
+
+
+
+
data
+
dataset with any number of dimensions.
+
+
+
k
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type double.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/clustering/gmm.html b/vignettes/MLkit/clustering/gmm.html
new file mode 100644
index 0000000..e07148d
--- /dev/null
+++ b/vignettes/MLkit/clustering/gmm.html
@@ -0,0 +1,75 @@
+
+
+
+
+ Construct a Gaussian Mixture Model with specific n components
+
+
+
+
+
+
+
+
+
+
+
gmm {clustering}
+
R Documentation
+
+
+
+
Construct a Gaussian Mixture Model with specific n components
the agglomeration method to be used. This should be (an unambiguous abbreviation of)
+ one of "ward.D", "ward.D2", "single", "complete", "average" (= UPGMA), "mcquitty" (= WPGMA),
+ "median" (= WPGMC) or "centroid" (= UPGMC).
+
+
+
+
+
Details
+
+
This function performs a hierarchical cluster analysis using a set of dissimilarities for
+ the n objects being clustered. Initially, each object is assigned to its own cluster and
+ then the algorithm proceeds iteratively, at each stage joining the two most similar clusters,
+ continuing until there is just a single cluster. At each stage distances between clusters
+ are recomputed by the Lance–Williams dissimilarity update formula according to the particular
+ clustering method being used.
+
+
A number Of different clustering methods are provided. Ward's minimum variance method aims
+ at finding compact, spherical clusters. The complete linkage method finds similar clusters.
+ The single linkage method (which is closely related to the minimal spanning tree) adopts a
+ ‘friends of friends’ clustering strategy. The other methods can be regarded as aiming for
+ clusters with characteristics somewhere between the single and complete link methods.
+ Note however, that methods "median" and "centroid" are not leading to a monotone distance
+ measure, or equivalently the resulting dendrograms can have so called inversions or reversals
+ which are hard to interpret, but note the trichotomies in Legendre and Legendre (2012).
+
+
Two different algorithms are found In the literature For Ward clustering. The one used by
+ Option "ward.D" (equivalent To the only Ward Option "ward" In R versions <= 3.0.3) does
+ Not implement Ward's (1963) clustering criterion, whereas option "ward.D2" implements that
+ criterion (Murtagh and Legendre 2014). With the latter, the dissimilarities are squared before
+ cluster updating. Note that agnes(, method="ward") corresponds to hclust(, "ward.D2").
+
+
If members!= NULL, Then d Is taken To be a dissimilarity matrix between clusters instead
+ Of dissimilarities between singletons And members gives the number Of observations per cluster.
+ This way the hierarchical cluster algorithm can be 'started in the middle of the dendrogram’,
+ e.g., in order to reconstruct the part of the tree above a cut (see examples). Dissimilarities
+ between clusters can be efficiently computed (i.e., without hclust itself) only for a limited
+ number of distance/linkage combinations, the simplest one being squared Euclidean distance
+ and centroid linkage. In this case the dissimilarities between the clusters are the squared
+ Euclidean distances between cluster means.
+
+
In hierarchical cluster displays, a decision Is needed at each merge to specify which subtree
+ should go on the left And which on the right. Since, for n observations there are n-1 merges,
+ there are 2^{(n-1)} possible orderings for the leaves in a cluster tree, Or dendrogram. The
+ algorithm used in hclust Is to order the subtree so that the tighter cluster Is on the left
+ (the last, i.e., most recent, merge of the left subtree Is at a lower value than the last
+ merge of the right subtree). Single observations are the tightest clusters possible, And
+ merges involving two observations place them in order by their observation sequence number.
+
+
+
Value
+
+ this function returns data object of type Cluster.
numeric matrix of data, or an object that can be coerced
+ to such a matrix (such as a numeric vector or a data
+ frame with all numeric columns).
+
+
+
centers
+
either the number of clusters, say k, or a set of initial
+ (distinct) cluster centres. If a number, a random set of
+ (distinct) rows in x is chosen as the initial centres.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/clustering/knn.html b/vignettes/MLkit/clustering/knn.html
new file mode 100644
index 0000000..537cf04
--- /dev/null
+++ b/vignettes/MLkit/clustering/knn.html
@@ -0,0 +1,92 @@
+
+
+
+
+ K-NN Classifier in R Programming
+
+
+
+
+
+
+
+
+
+
+
knn {clustering}
+
R Documentation
+
+
+
+
K-NN Classifier in R Programming
+
+
Description
+
+
K-Nearest Neighbor or K-NN is a Supervised Non-linear classification algorithm. K-NN is a Non-parametric algorithm i.e it doesn’t make any assumption about underlying data or its distribution. It is one of the simplest and widely used algorithm which depends on it’s k value (Neighbors) and finds it’s applications in many industries like finance industry, healthcare industry etc.
+
+
Usage
+
+
+
knn(x,
+ k = 16,
+ jaccard = 0.6);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
k
+
-
+
+
+
jaccard
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
In the KNN algorithm, K specifies the number of neighbors and its
+ algorithm is as follows:
+
+
+
Choose the number K Of neighbor.
+
Take the K Nearest Neighbor Of unknown data point according To distance.
+
Among the K-neighbors, Count the number Of data points In Each category.
+
Assign the New data point To a category, where you counted the most neighbors.
+
+
For the Nearest Neighbor classifier, the distance between two points
+Is expressed in the form of Euclidean Distance.
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/clustering/silhouette_score.html b/vignettes/MLkit/clustering/silhouette_score.html
new file mode 100644
index 0000000..17ef943
--- /dev/null
+++ b/vignettes/MLkit/clustering/silhouette_score.html
@@ -0,0 +1,87 @@
+
+
+
+
+ Silhouette Coefficient
+
+
+
+
+
+
+
+
+
+
+
silhouette_score {clustering}
+
R Documentation
+
+
+
+
Silhouette Coefficient
+
+
Description
+
+
+
+
Usage
+
+
+
silhouette_score(x);
+
+
+
Arguments
+
+
+
+
x
+
the cluster result
+
+
+
+
+
Details
+
+
Silhouette score is used to evaluate the quality of clusters created using clustering
+ algorithms such as K-Means in terms of how well samples are clustered with other samples
+ that are similar to each other. The Silhouette score is calculated for each sample of
+ different clusters. To calculate the Silhouette score for each observation/data point,
+ the following distances need to be found out for each observations belonging to all the
+ clusters:
+
+
Mean distance between the observation And all other data points In the same cluster. This
+ distance can also be called a mean intra-cluster distance. The mean distance Is denoted by a
+ Mean distance between the observation And all other data points Of the Next nearest cluster.
+ This distance can also be called a mean nearest-cluster distance. The mean distance Is
+ denoted by b
+
+
Silhouette score, S, for Each sample Is calculated Using the following formula:
+
+
(S = \frac{(b - a)}{max(a, b)})
+
+
The value Of the Silhouette score varies from -1 To 1. If the score Is 1, the cluster Is
+ dense And well-separated than other clusters. A value near 0 represents overlapping clusters
+ With samples very close To the decision boundary Of the neighboring clusters. A negative
+ score [-1, 0] indicates that the samples might have got assigned To the wrong clusters.
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/dataset.html b/vignettes/MLkit/dataset.html
new file mode 100644
index 0000000..eac7562
--- /dev/null
+++ b/vignettes/MLkit/dataset.html
@@ -0,0 +1,257 @@
+
+
+
+
+
+
+ dataset
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
{dataset}
+
R# Documentation
+
+
+
+
dataset
+
+
+
+ require(R);
+
#' the machine learning dataset toolkit imports "dataset" from "MLkit";
+
+
+
the machine learning dataset toolkit
+
+
Datasets are collections of raw data gathered during the research process
+ usually in the form of numerical data. Many organizations, e.g. government
+ agencies, universities or research institutions make the data they have
+ collected freely available on the web for other researchers to use.
+
+
+
the machine learning dataset toolkit
+
+
Datasets are collections of raw data gathered during the research process
+ usually in the form of numerical data. Many organizations, e.g. government
+ agencies, universities or research institutions make the data they have
+ collected freely available on the web for other researchers to use.
Sequence Graph Transform (SGT) — Sequence Embedding for Clustering, Classification, and Search
+
+
Sequence Graph Transform (SGT) is a sequence embedding function. SGT extracts
+ the short- and long-term sequence features and embeds them in a finite-dimensional
+ feature space. The long and short term patterns embedded in SGT can be tuned
+ without any increase in the computation.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/dataset/SGT.html b/vignettes/MLkit/dataset/SGT.html
new file mode 100644
index 0000000..65ffdf2
--- /dev/null
+++ b/vignettes/MLkit/dataset/SGT.html
@@ -0,0 +1,105 @@
+
+
+
+
+ Sequence Graph Transform (SGT) — Sequence Embedding for Clustering, Classification, and Search
+
+
+
+
+
+
+
+
+
+
+
SGT {dataset}
+
R Documentation
+
+
+
+
Sequence Graph Transform (SGT) — Sequence Embedding for Clustering, Classification, and Search
+
+
Description
+
+
Sequence Graph Transform (SGT) is a sequence embedding function. SGT extracts the short- and long-term sequence features and embeds them in a finite-dimensional feature space. The long and short term patterns embedded in SGT can be tuned without any increase in the computation.
Optional, except if mode is Spark.
+ The set of alphabets that make up all
+ the sequences in the dataset. If not passed, the
+ alphabet set is automatically computed as the
+ unique set of elements that make all the sequences.
+ A list or 1d-array of the set of elements that make up the
+ sequences. For example, np.array(["A", "B", "C"].
+ If mode is 'spark', the alphabets are necessary.
+
+
+
kappa
+
Tuning parameter, kappa > 0, to change the extraction of
+ long-term dependency. Higher the value the lesser
+ the long-term dependency captured in the embedding.
+ Typical values for kappa are 1, 5, 10.
+
+
+
length.sensitive
+
Default False. This is set to true if the embedding of
+ should have the information of the length of the sequence.
+ If set to false then the embedding of two sequences with
+ similar pattern but different lengths will be the same.
+ lengthsensitive = false is similar to length-normalization.
+
+
+
+
+
Details
+
+
Compute embedding of a single or a collection of discrete item
+ sequences. A discrete item sequence is a sequence made from a set
+ discrete elements, also known as alphabet set. For example,
+ suppose the alphabet set is the set of roman letters,
+ {A, B, ..., Z}. This set is made of discrete elements. Examples of
+ sequences from such a set are AABADDSA, UADSFJPFFFOIHOUGD, etc.
+ Such sequence datasets are commonly found in online industry,
+ for example, item purchase history, where the alphabet set is
+ the set of all product items. Sequence datasets are abundant in
+ bioinformatics as protein sequences.
+ Using the embeddings created here, classification and clustering
+ models can be built for sequence datasets.
+ Read more in https://arxiv.org/pdf/1608.03533.pdf
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/dataset/as.MLdataset.html b/vignettes/MLkit/dataset/as.MLdataset.html
new file mode 100644
index 0000000..b57109e
--- /dev/null
+++ b/vignettes/MLkit/dataset/as.MLdataset.html
@@ -0,0 +1,76 @@
+
+
+
+
+ Convert the sciBASIC general dataframe as the Machine learning general dataset
+
+
+
+
+
+
+
+
+
+
+
as.MLdataset {dataset}
+
R Documentation
+
+
+
+
Convert the sciBASIC general dataframe as the Machine learning general dataset
+
+
Description
+
+
+
+
Usage
+
+
+
as.MLdataset(x,
+ labels = NULL);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
labels
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/dataset/get_feature.html b/vignettes/MLkit/dataset/get_feature.html
new file mode 100644
index 0000000..23f37c1
--- /dev/null
+++ b/vignettes/MLkit/dataset/get_feature.html
@@ -0,0 +1,75 @@
+
+
+
+
+ get feature vector by a given feature column index
+
+
+
+
+
+
+
+
+
+
+
get_feature {dataset}
+
R Documentation
+
+
+
+
get feature vector by a given feature column index
+
+
Description
+
+
+
+
Usage
+
+
+
get_feature(x, feature);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
feature
+
the feature column index in the sample dataset, start based 1.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/dataset/normalize_matrix.html b/vignettes/MLkit/dataset/normalize_matrix.html
new file mode 100644
index 0000000..b17b3a6
--- /dev/null
+++ b/vignettes/MLkit/dataset/normalize_matrix.html
@@ -0,0 +1,67 @@
+
+
+
+
+ get the normalization matrix from a given machine learning training dataset.
+
+
+
+
+
+
+
+
+
+
+
normalize_matrix {dataset}
+
R Documentation
+
+
+
+
get the normalization matrix from a given machine learning training dataset.
+
+
Description
+
+
+
+
Usage
+
+
+
normalize_matrix(dataset);
+
+
+
Arguments
+
+
+
+
dataset
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type NormalizeMatrix.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/dataset/read.ML_model.html b/vignettes/MLkit/dataset/read.ML_model.html
new file mode 100644
index 0000000..bfc5897
--- /dev/null
+++ b/vignettes/MLkit/dataset/read.ML_model.html
@@ -0,0 +1,67 @@
+
+
+
+
+ read the dataset for training the machine learning model
+
+
+
+
+
+
+
+
+
+
+
read.ML_model {dataset}
+
R Documentation
+
+
+
+
read the dataset for training the machine learning model
+
+
Description
+
+
+
+
Usage
+
+
+
read.ML_model(file);
+
+
+
Arguments
+
+
+
+
file
+
a xml data file or a binary stream pack data file
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type DataSet.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/dataset/write.ML_model.html b/vignettes/MLkit/dataset/write.ML_model.html
new file mode 100644
index 0000000..f96f112
--- /dev/null
+++ b/vignettes/MLkit/dataset/write.ML_model.html
@@ -0,0 +1,71 @@
+
+
+
+
+ write the data model to file
+
+
+
+
+
+
+
+
+
+
+
write.ML_model {dataset}
+
R Documentation
+
+
+
+
write the data model to file
+
+
Description
+
+
+
+
Usage
+
+
+
write.ML_model(x, file);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
file
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/ANN.training_model.html b/vignettes/MLkit/machineLearning/ANN.training_model.html
new file mode 100644
index 0000000..3dab164
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/ANN.training_model.html
@@ -0,0 +1,107 @@
+
+
+
+
+ create a new ANN training model
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/add.html b/vignettes/MLkit/machineLearning/add.html
new file mode 100644
index 0000000..42f5e7c
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/add.html
@@ -0,0 +1,79 @@
+
+
+
+
+ add new training sample into the model dataset
+
+
+
+
+
+
+
+
+
+
+
add {machineLearning}
+
R Documentation
+
+
+
+
add new training sample into the model dataset
+
+
Description
+
+
+
+
Usage
+
+
+
add(model, input, output);
+
+
+
Arguments
+
+
+
+
model
+
-
+
+
+
input
+
-
+
+
+
output
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/add_samples.html b/vignettes/MLkit/machineLearning/add_samples.html
new file mode 100644
index 0000000..07c0076
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/add_samples.html
@@ -0,0 +1,80 @@
+
+
+
+
+ add new training sample collection into the model dataset
+
+
+
+
+
+
+
+
+
+
+
add_samples {machineLearning}
+
R Documentation
+
+
+
+
add new training sample collection into the model dataset
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/check.ML_model.html b/vignettes/MLkit/machineLearning/check.ML_model.html
new file mode 100644
index 0000000..44efbd4
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/check.ML_model.html
@@ -0,0 +1,67 @@
+
+
+
+
+ check the errors that may exists in the dataset file.
+
+
+
+
+
+
+
+
+
+
+
check.ML_model {machineLearning}
+
R Documentation
+
+
+
+
check the errors that may exists in the dataset file.
+
+
Description
+
+
+
+
Usage
+
+
+
check.ML_model(dataset);
+
+
+
Arguments
+
+
+
+
dataset
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type LogEntry[].
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/create.normalize.html b/vignettes/MLkit/machineLearning/create.normalize.html
new file mode 100644
index 0000000..05f762c
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/create.normalize.html
@@ -0,0 +1,73 @@
+
+
+
+
+ Create normalization matrix data object for the given ANN training data model
+
+
+
+
+
+
+
+
+
+
+
create.normalize {machineLearning}
+
R Documentation
+
+
+
+
Create normalization matrix data object for the given ANN training data model
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/open.debugger.html b/vignettes/MLkit/machineLearning/open.debugger.html
new file mode 100644
index 0000000..af63643
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/open.debugger.html
@@ -0,0 +1,75 @@
+
+
+
+
+ open a file connection to the model debug file.
+
+
+
+
+
+
+
+
+
+
+
open.debugger {machineLearning}
+
R Documentation
+
+
+
+
open a file connection to the model debug file.
+
+
Description
+
+
+
+
Usage
+
+
+
open.debugger(ANN, file);
+
+
+
Arguments
+
+
+
+
ANN
+
-
+
+
+
file
+
the file path to the debug file.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type ANNDebugger.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/training.ANN.html b/vignettes/MLkit/machineLearning/training.ANN.html
new file mode 100644
index 0000000..08fb0d2
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/training.ANN.html
@@ -0,0 +1,141 @@
+
+
+
+
+ do ANN model training
+
+
+
+
+
+
+
A dataset object that used for ANN model training.
+
+
+
hiddenSize
+
An integer vector for indicates the network size of the hidden layers in the ANN network.
+
+
+
learnRate
+
-
+
+
+
momentum
+
-
+
+
+
weight0
+
weight method for initialize the ANN network model.
+
+
+
active
+
-
+
+
+
normalMethod
+
-
+
+
+
learnRateDecay
+
-
+
+
+
truncate
+
-
+
+
+
selectiveMode
+
-
+
+
+
maxIterations
+
-
+
+
+
minErr
+
-
+
+
+
parallel
+
-
+
+
+
outputSnapshot
+
this parameter will config the output object type. this function is returns the raw ANN model
+ by default, and you can change the output type to file model by set this parameter value to
+ TRUE.
+
+
+
attribute
+
run training for a single output or all of the result output.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object in these one of the listed data types: NeuralNetwork, Network.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/training.html b/vignettes/MLkit/machineLearning/training.html
new file mode 100644
index 0000000..7bc66f8
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/training.html
@@ -0,0 +1,128 @@
+
+
+
+
+ do ANN model training
+
+
+
+
+
+
+
A dataset object that used for ANN model training.
+
+
+
hiddenSize
+
An integer vector for indicates the network size of the hidden layers in the ANN network.
+
+
+
learnRate
+
-
+
+
+
momentum
+
-
+
+
+
weight0
+
weight method for initialize the ANN network model.
+
+
+
active
+
-
+
+
+
normalMethod
+
-
+
+
+
learnRateDecay
+
-
+
+
+
truncate
+
-
+
+
+
selectiveMode
+
-
+
+
+
maxIterations
+
-
+
+
+
minErr
+
-
+
+
+
parallel
+
-
+
+
+
outputSnapshot
+
this parameter will config the output object type. this function is returns the raw ANN model
+ by default, and you can change the output type to file model by set this parameter value to
+ TRUE.
+
+
+
attribute
+
run training for a single output or all of the result output.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type ANNTrainer.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/machineLearning/write.ANN_network.html b/vignettes/MLkit/machineLearning/write.ANN_network.html
new file mode 100644
index 0000000..414fdbb
--- /dev/null
+++ b/vignettes/MLkit/machineLearning/write.ANN_network.html
@@ -0,0 +1,80 @@
+
+
+
+
+ save a trained ANN network model into a given xml files.
+
+
+
+
+
+
+
+
+
+
+
write.ANN_network {machineLearning}
+
R Documentation
+
+
+
+
save a trained ANN network model into a given xml files.
default 2, The dimension of the space to embed into.
+
+
+
numberOfNeighbors
+
default 15, The size of local neighborhood (in terms of number of neighboring sample points) used for manifold approximation.
+
+
+
customMapCutoff
+
cutoff value in range [0,1]
+
+
+
customNumberOfEpochs
+
default None, The number of training epochs to be used in optimizing the low dimensional embedding.
+ Larger values result in more accurate embeddings.
+
+
+
KDsearch
+
knn search via KD-tree?
+
+
+
localConnectivity
+
default 1, The local connectivity required -- i.e. the number of nearest neighbors that should be assumed to be connected at a local level.
+
+
+
setOpMixRatio
+
default 1.0, The value of this parameter should be between 0.0 and 1.0; a value of 1.0 will use a pure fuzzy union, while 0.0 will use a pure fuzzy intersection.
+
+
+
minDist
+
default 0.1, The effective minimum distance between embedded points.
+
+
+
spread
+
default 1.0, The effective scale of embedded points. In combination with min_dist this determines how clustered/clumped the embedded points are.
+
+
+
learningRate
+
default 1.0, The initial learning rate for the embedding optimization.
+
+
+
repulsionStrength
+
default 1.0, Weighting applied to negative samples in low dimensional embedding optimization.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type list. the list data also has some specificied data fields: list(labels, umap).
Construct xgb.DMatrix object from either a dense matrix,
+ a sparse matrix, or a local file. Supported input file
+ formats are either a libsvm text file or a binary file
+ that was created previously by xgb.DMatrix.save).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/MLkit/xgboost/xgb.DMatrix.html b/vignettes/MLkit/xgboost/xgb.DMatrix.html
new file mode 100644
index 0000000..6296e68
--- /dev/null
+++ b/vignettes/MLkit/xgboost/xgb.DMatrix.html
@@ -0,0 +1,76 @@
+
+
+
+
+ Construct xgb.DMatrix object
+
+
+
+
+
+
+
+
+
+
+
xgb.DMatrix {xgboost}
+
R Documentation
+
+
+
+
Construct xgb.DMatrix object
+
+
Description
+
+
Construct xgb.DMatrix object from either a dense matrix, a sparse matrix, or a local file. Supported input file formats are either a libsvm text file or a binary file that was created previously by xgb.DMatrix.save).
sapply is a user-friendly version and wrapper of lapply by default
+ returning a vector, matrix or, if simplify = "array", an array
+ if appropriate, by applying simplify2array(). sapply(x, f, simplify
+ = FALSE, USE.NAMES = FALSE) is the same as lapply(x, f).
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/applys/apply.html b/vignettes/REnv/applys/apply.html
new file mode 100644
index 0000000..ea4029c
--- /dev/null
+++ b/vignettes/REnv/applys/apply.html
@@ -0,0 +1,110 @@
+
+
+
+
+ Apply Functions Over Array Margins
+
+
+
+
+
+
+
+
+
+
+
apply {applys}
+
R Documentation
+
+
+
+
Apply Functions Over Array Margins
+
+
Description
+
+
Returns a vector or array or list of values obtained by applying a function to margins of an array or matrix.
+
+
Usage
+
+
+
apply(x, margin, FUN);
+
+
+
Arguments
+
+
+
+
x
+
an array, including a matrix.
+
+
+
margin
+
a vector giving the subscripts which the
+ function will be applied over. E.g., for a matrix 1 indicates rows,
+ 2 indicates columns, c(1, 2) indicates rows and columns. Where X has
+ named dimnames, it can be a character vector selecting dimension
+ names.
+
+
+
FUN
+
the function to be applied: see ‘Details’. In the case of functions
+ like +, %*%, etc., the function name must be backquoted or quoted.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
If X is not an array but an object of a class with a non-null dim value
+ (such as a data frame), apply attempts to coerce it to an array via
+ as.matrix if it is two-dimensional (e.g., a data frame) or via
+ as.array.
+
+
FUN Is found by a call to match.fun And typically Is either a function
+ Or a symbol (e.g., a backquoted name) Or a character string specifying
+ a function to be searched for from the environment of the call to apply.
+
+
Arguments in ... cannot have the same name as any of the other
+ arguments, And care may be needed to avoid partial matching to MARGIN Or
+ FUN. In general-purpose code it Is good practice to name the first three
+ arguments if ... Is passed through: this both avoids Partial matching To
+ MARGIN Or FUN And ensures that a sensible Error message Is given If
+ arguments named X, MARGIN Or FUN are passed through ....
+
+
+
Value
+
+
If each call to FUN returns a vector of length n, then apply
+ returns an array of dimension c(n, dim(X)[MARGIN]) if n > 1.
+ If n equals 1, apply returns a vector if MARGIN has length 1 and an array
+ of dimension dim(X)[MARGIN] otherwise. If n is 0, the result has length
+ 0 but not necessarily the ‘correct’ dimension.
+
+
If the calls To FUN Return vectors Of different lengths, apply returns
+ a list Of length prod(Dim(X)[MARGIN]) With Dim Set To MARGIN If this has
+ length greater than one.
+
+
In all cases the result Is coerced by as.vector to one of the basic
+ vector types before the dimensions are set, so that (for example) factor
+ results will be coerced to a character array.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/applys/lapply.html b/vignettes/REnv/applys/lapply.html
new file mode 100644
index 0000000..e780709
--- /dev/null
+++ b/vignettes/REnv/applys/lapply.html
@@ -0,0 +1,79 @@
+
+
+
+
+ Apply a Function over a List or Vector
+
+
+
+
+
+
+
+
+
+
+
lapply {applys}
+
R Documentation
+
+
+
+
Apply a Function over a List or Vector
+
+
Description
+
+
lapply returns a list of the same length as X, each element of which is the result of applying FUN to the corresponding element of X.
+
+
Usage
+
+
+
lapply(X, FUN,
+ names = NULL);
+
+
+
Arguments
+
+
+
+
X
+
a vector (atomic or list) or an expression object. Other objects
+ (including classed objects) will be coerced by base::as.list.
+
+
+
FUN
+
the Function to be applied To Each element Of X: see 'Details’.
+ In the case of functions like +, %*%, the function name must be
+ backquoted or quoted.
+
+
+
envir
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/applys/sapply.html b/vignettes/REnv/applys/sapply.html
new file mode 100644
index 0000000..e1b80da
--- /dev/null
+++ b/vignettes/REnv/applys/sapply.html
@@ -0,0 +1,78 @@
+
+
+
+
+ Apply a Function over a List or Vector
+
+
+
+
+
+
+
+
+
+
+
sapply {applys}
+
R Documentation
+
+
+
+
Apply a Function over a List or Vector
+
+
Description
+
+
sapply is a user-friendly version and wrapper of lapply by default returning a vector, matrix or, if simplify = "array", an array if appropriate, by applying simplify2array(). sapply(x, f, simplify = FALSE, USE.NAMES = FALSE) is the same as lapply(x, f).
+
+
Usage
+
+
+
sapply(X, FUN);
+
+
+
Arguments
+
+
+
+
X
+
a vector (atomic or list) or an expression object. Other objects
+ (including classed objects) will be coerced by base::as.list.
+
+
+
FUN
+
the Function to be applied To Each element Of X: see 'Details’.
+ In the case of functions like +, %*%, the function name must be
+ backquoted or quoted.
+
+
+
envir
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type vector.
file.copy works in a similar way to file.append but with the arguments
+ in the natural order for copying. Copying to existing destination files is
+ skipped unless overwrite = TRUE. The to argument can specify a single existing
+ directory. If copy.mode = TRUE file read/write/execute permissions are copied
+ where possible, restricted by ‘umask’. (On Windows this applies only to files.
+ ) Other security attributes such as ACLs are not copied. On a POSIX filesystem
+ the targets of symbolic links will be copied rather than the links themselves,
+ and hard links are copied separately. Using copy.date = TRUE may or may not
+ copy the timestamp exactly (for example, fractional seconds may be omitted),
+ but is more likely to do so as from R 3.4.0.
Convert file paths to canonical form for the platform, to display them in a
+ user-understandable form and so that relative and absolute paths can be
+ compared.
Return the R home directory, or the full path to a
+ component of the R installation.
+
+
The R home directory is the top-level directory of the R installation being run.
+
+
The R home directory Is often referred To As R_HOME, And Is the value Of an
+ environment variable Of that name In an R session. It can be found outside
+ an R session by R RHOME.
file.exists returns a logical vector indicating whether the files named by its
+ argument exist. (Here ‘exists’ is in the sense of the system's stat call: a file
+ will be reported as existing only if you have the permissions needed by stat.
+ Existence can also be checked by file.access, which might use different permissions
+ and so obtain a different result. Note that the existence of a file does not
+ imply that it is readable: for that use file.access.) What constitutes a ‘file’
+ is system-dependent, but should include directories. (However, directory names
+ must not include a trailing backslash or slash on Windows.) Note that if the file
+ is a symbolic link on a Unix-alike, the result indicates if the link points to
+ an actual file, not just if the link exists. Lastly, note the different function
+ exists which checks for existence of R objects.
dir.create creates the last element of the path, unless recursive = TRUE.
+ Trailing path separators are discarded. On Windows drives are allowed in
+ the path specification and unless the path is rooted, it will be interpreted
+ relative to the current directory on that drive. mode is ignored on Windows.
+
+
One of the idiosyncrasies of Windows Is that directory creation may report
+ success but create a directory with a different name, for example dir.create("G.S.")
+ creates '"G.S"’. This is undocumented, and what are the precise circumstances
+ is unknown (and might depend on the version of Windows). Also avoid directory
+ names with a trailing space.
file.remove attempts to remove the files named
+ in its argument. On most Unix platforms ‘file’
+ includes empty directories, symbolic links, fifos
+ and sockets. On Windows, ‘file’ means a regular file
+ and not, say, an empty directory.
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/R.home.html b/vignettes/REnv/file/R.home.html
new file mode 100644
index 0000000..2136652
--- /dev/null
+++ b/vignettes/REnv/file/R.home.html
@@ -0,0 +1,64 @@
+
+
+
+
+ Return the R Home Directory
+
+
+
+
+
+
+
+
+
+
+
R.home {file}
+
R Documentation
+
+
+
+
Return the R Home Directory
+
+
Description
+
+
Return the R home directory, or the full path to a component of the R installation.
The R home directory is the top-level directory of the R installation being run.
The R home directory Is often referred To As R_HOME, And Is the value Of an environment variable Of that name In an R session. It can be found outside an R session by R RHOME.
+
+
Usage
+
+
+
R.home();
+
+
+
Arguments
+
+
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/basename.html b/vignettes/REnv/file/basename.html
new file mode 100644
index 0000000..46a7b27
--- /dev/null
+++ b/vignettes/REnv/file/basename.html
@@ -0,0 +1,74 @@
+
+
+
+
+ removes all of the path up to and including the last path separator (if any).
+
+
+
+
+
+
+
+
+
+
+
basename {file}
+
R Documentation
+
+
+
+
removes all of the path up to and including the last path separator (if any).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/dir.copy.html b/vignettes/REnv/file/dir.copy.html
new file mode 100644
index 0000000..5b64d5d
--- /dev/null
+++ b/vignettes/REnv/file/dir.copy.html
@@ -0,0 +1,75 @@
+
+
+
+
+ copy file contents in one dir to another dir
+
+
+
+
+
+
+
+
+
+
+
dir.copy {file}
+
R Documentation
+
+
+
+
copy file contents in one dir to another dir
+
+
Description
+
+
+
+
Usage
+
+
+
dir.copy(from, to);
+
+
+
Arguments
+
+
+
+
from
+
-
+
+
+
To
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/dir.create.html b/vignettes/REnv/file/dir.create.html
new file mode 100644
index 0000000..92e9add
--- /dev/null
+++ b/vignettes/REnv/file/dir.create.html
@@ -0,0 +1,93 @@
+
+
+
+
+ dir.create creates the last element of the path, unless recursive = TRUE.
+
+
+
+
+
+
+
+
+
+
+
dir.create {file}
+
R Documentation
+
+
+
+
dir.create creates the last element of the path, unless recursive = TRUE.
+
+
Description
+
+
Trailing path separators are discarded. On Windows drives are allowed in the path specification and unless the path is rooted, it will be interpreted relative to the current directory on that drive. mode is ignored on Windows.
One of the idiosyncrasies of Windows Is that directory creation may report success but create a directory with a different name, for example dir.create("G.S.") creates '"G.S"’. This is undocumented, and what are the precise circumstances is unknown (and might depend on the version of Windows). Also avoid directory names with a trailing space.
logical. Should elements of the path other than the last be created?
+ If true, Like the Unix command mkdir -p.
+
+
+
mode
+
the mode To be used On Unix-alikes: it will be coerced by as.octmode.
+ For Sys.chmod it Is recycled along paths.
+
+
+
+
+
Details
+
+
There is no guarantee that these functions will handle Windows relative paths
+ of the form ‘d:path’: try ‘d:./path’ instead. In particular, ‘d:’ is
+ not recognized as a directory. Nor are \?\ prefixes (and similar) supported.
+
+
UTF-8-encoded dirnames Not valid in the current locale can be used.
+
+
+
Value
+
+
dir.create and Sys.chmod return invisibly a logical vector indicating if
+ the operation succeeded for each of the files attempted. Using a missing
+ value for a path name will always be regarded as a failure. dir.create
+ indicates failure if the directory already exists. If showWarnings = TRUE,
+ dir.create will give a warning for an unexpected failure (e.g., not for a
+ missing value nor for an already existing component for recursive = TRUE).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/dir.open.html b/vignettes/REnv/file/dir.open.html
new file mode 100644
index 0000000..15f6cd6
--- /dev/null
+++ b/vignettes/REnv/file/dir.open.html
@@ -0,0 +1,71 @@
+
+
+
+
+ Open an interface to a specific local filesystem location
+
+
+
+
+
+
+
+
+
+
+
dir.open {file}
+
R Documentation
+
+
+
+
Open an interface to a specific local filesystem location
+
+
Description
+
+
+
+
Usage
+
+
+
dir.open(dir);
+
+
+
Arguments
+
+
+
+
dir
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Directory.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/dirname.html b/vignettes/REnv/file/dirname.html
new file mode 100644
index 0000000..2be67d9
--- /dev/null
+++ b/vignettes/REnv/file/dirname.html
@@ -0,0 +1,68 @@
+
+
+
+
+ ``dirname`` returns the part of the ``path`` up to but excluding the last path separator,
+
+
+
+
+
+
+
+
+
+
+
dirname {file}
+
R Documentation
+
+
+
+
``dirname`` returns the part of the ``path`` up to but excluding the last path separator,
+
+
Description
+
+
or "." if there is no path separator.
+
+
Usage
+
+
+
dirname(fileNames,
+ fullpath = TRUE);
+
+
+
Arguments
+
+
+
+
fileNames
+
character vector, containing path names.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/file.copy.html b/vignettes/REnv/file/file.copy.html
new file mode 100644
index 0000000..d979ceb
--- /dev/null
+++ b/vignettes/REnv/file/file.copy.html
@@ -0,0 +1,75 @@
+
+
+
+
+ ``file.copy`` works in a similar way to ``file.append`` but with the arguments
+
+
+
+
+
+
+
+
+
+
+
file.copy {file}
+
R Documentation
+
+
+
+
``file.copy`` works in a similar way to ``file.append`` but with the arguments
+
+
Description
+
+
in the natural order for copying. Copying to existing destination files is skipped unless overwrite = TRUE. The to argument can specify a single existing directory. If copy.mode = TRUE file read/write/execute permissions are copied where possible, restricted by ‘umask’. (On Windows this applies only to files. ) Other security attributes such as ACLs are not copied. On a POSIX filesystem the targets of symbolic links will be copied rather than the links themselves, and hard links are copied separately. Using copy.date = TRUE may or may not copy the timestamp exactly (for example, fractional seconds may be omitted), but is more likely to do so as from R 3.4.0.
+
+
Usage
+
+
+
file.copy(from, to,
+ overwrite = FALSE,
+ verbose = FALSE);
+
+
+
Arguments
+
+
+
+
from
+
-
+
+
+
To
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
These functions return a logical vector indicating which operation succeeded
+ for each of the files attempted. Using a missing value for a file or path
+ name will always be regarded as a failure.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/file.exists.html b/vignettes/REnv/file/file.exists.html
new file mode 100644
index 0000000..2c7a824
--- /dev/null
+++ b/vignettes/REnv/file/file.exists.html
@@ -0,0 +1,68 @@
+
+
+
+
+ ``file.exists`` returns a logical vector indicating whether the files named by its
+
+
+
+
+
+
+
+
+
+
+
file.exists {file}
+
R Documentation
+
+
+
+
``file.exists`` returns a logical vector indicating whether the files named by its
+
+
Description
+
+
argument exist. (Here ‘exists’ is in the sense of the system's stat call: a file will be reported as existing only if you have the permissions needed by stat. Existence can also be checked by file.access, which might use different permissions and so obtain a different result. Note that the existence of a file does not imply that it is readable: for that use file.access.) What constitutes a ‘file’ is system-dependent, but should include directories. (However, directory names must not include a trailing backslash or slash on Windows.) Note that if the file is a symbolic link on a Unix-alike, the result indicates if the link points to an actual file, not just if the link exists. Lastly, note the different function exists which checks for existence of R objects.
+
+
Usage
+
+
+
file.exists(files,
+ ZERO.Nonexists = FALSE);
+
+
+
Arguments
+
+
+
+
files
+
character vectors, containing file names or paths.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
this function returns FALSE if the given files value is NULL
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/file.ext.html b/vignettes/REnv/file/file.ext.html
new file mode 100644
index 0000000..0f19c9c
--- /dev/null
+++ b/vignettes/REnv/file/file.ext.html
@@ -0,0 +1,69 @@
+
+
+
+
+ Get file extension name
+
+
+
+
+
+
+
+
+
+
+
file.ext {file}
+
R Documentation
+
+
+
+
Get file extension name
+
+
Description
+
+
+
+
Usage
+
+
+
file.ext(path);
+
+
+
Arguments
+
+
+
+
path
+
the file path string
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
returns a file extension suffix name in lower case, if there is
+ no extension name or path string is empty, then empty string
+ value will be returned.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/file.path.html b/vignettes/REnv/file/file.path.html
new file mode 100644
index 0000000..9389480
--- /dev/null
+++ b/vignettes/REnv/file/file.path.html
@@ -0,0 +1,87 @@
+
+
+
+
+ Construct Path to File
+
+
+
+
+
+
+
+
+
+
+
file.path {file}
+
R Documentation
+
+
+
+
Construct Path to File
+
+
Description
+
+
Construct the path to a file from components in a platform-independent way.
+
+
Usage
+
+
+
file.path(...,
+ fsep = "/");
+
+
+
Arguments
+
+
+
+
x
+
character vectors. Long vectors are not supported.
+
+
+
fsep
+
the path separator to use (assumed to be ASCII).
+ The components are by default separated by ‘/’ (not ‘\’) on
+ Windows.
+
+
+
+
+
Details
+
+
The implementation is designed to be fast (faster than ‘paste’) as
+ this Function is() used extensively In R itself.
+ It can also be used for environment paths such as 'PATH’ and
+ 'R_LIBS’ with ‘fsep = .Platform$path.sep’.
+ Trailing Path separators are invalid For Windows file paths apart
+ from '/’ and ‘d:/’ (although some functions/utilities do accept
+ them), so a trailing '/’ or ‘\’ is removed there.
+
+
+
Value
+
+
A character vector of the arguments concatenated term-by-term and
+ separated by 'fsep’ if all arguments have positive length;
+ otherwise, an empty character vector (unlike 'paste’).
+
+
An element Of the result will be marked (see 'Encoding’ as UTF-8
+ If run In a UTF-8 locale (When marked inputs are converted To
+ UTF-8) Or if an component of the result Is marked as UTF-8, Or as
+ Latin-1 in a non-Latin-1 locale.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/file.remove.html b/vignettes/REnv/file/file.remove.html
new file mode 100644
index 0000000..de59ab1
--- /dev/null
+++ b/vignettes/REnv/file/file.remove.html
@@ -0,0 +1,68 @@
+
+
+
+
+ Delete files or directories
+
+
+
+
+
+
+
+
+
+
+
file.remove {file}
+
R Documentation
+
+
+
+
Delete files or directories
+
+
Description
+
+
file.remove attempts to remove the files named in its argument. On most Unix platforms ‘file’ includes empty directories, symbolic links, fifos and sockets. On Windows, ‘file’ means a regular file and not, say, an empty directory.
+
+
Usage
+
+
+
file.remove(x,
+ verbose = NULL);
+
+
+
Arguments
+
+
+
+
x
+
character vectors, containing file names or paths.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/file.size.html b/vignettes/REnv/file/file.size.html
new file mode 100644
index 0000000..a97f0f0
--- /dev/null
+++ b/vignettes/REnv/file/file.size.html
@@ -0,0 +1,90 @@
+
+
+
+
+ Extract File Information
+
+
+
+
+
+
+
+
+
+
+
file.size {file}
+
R Documentation
+
+
+
+
Extract File Information
+
+
Description
+
+
Utility function to extract information about files on the user's file systems.
+
+
Usage
+
+
+
file.size(x);
+
+
+
Arguments
+
+
+
+
x
+
character vectors containing file paths. Tilde-expansion is done: see path.expand.
+
+
+
+
+
Details
+
+
What constitutes a ‘file’ is OS-dependent but includes directories. (However,
+ directory names must not include a trailing backslash or slash on Windows.)
+ See also the section in the help for file.exists on case-insensitive file
+ systems.
+
+
The file 'mode’ follows POSIX conventions, giving three octal digits summarizing
+ the permissions for the file owner, the owner's group and for anyone respectively.
+ Each digit is the logical or of read (4), write (2) and execute/search (1)
+ permissions.
+
+
See files For how file paths With marked encodings are interpreted.
+
+
File modes are probably only useful On NTFS file systems, And it seems all three
+ digits refer To the file's owner. The execute/search bits are set for directories,
+ and for files based on their extensions (e.g., ‘.exe’, ‘.com’, ‘.cmd’ and ‘.bat’
+ files). file.access will give a more reliable view of read/write access
+ availability to the R process.
+
+
UTF-8-encoded file names Not valid in the current locale can be used.
+
+
Junction points And symbolic links are followed, so information Is given about
+ the file/directory To which the link points rather than about the link.
+
+
+
Value
+
+
Double: File size In bytes. For missing file, this function will
+ returns a negative number -1; and the file is exists on the filesystem, this
+ function returns ZERO(empty file) or a positive number.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/getwd.html b/vignettes/REnv/file/getwd.html
new file mode 100644
index 0000000..093012b
--- /dev/null
+++ b/vignettes/REnv/file/getwd.html
@@ -0,0 +1,64 @@
+
+
+
+
+ getwd returns an absolute filepath representing the current working directory of the R process;
+
+
+
+
+
+
+
+
+
+
+
getwd {file}
+
R Documentation
+
+
+
+
getwd returns an absolute filepath representing the current working directory of the R process;
+
+
Description
+
+
+
+
Usage
+
+
+
getwd();
+
+
+
Arguments
+
+
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/list.dirs.html b/vignettes/REnv/file/list.dirs.html
new file mode 100644
index 0000000..5f8c2c8
--- /dev/null
+++ b/vignettes/REnv/file/list.dirs.html
@@ -0,0 +1,79 @@
+
+
+
+
+ List the Files in a Directory/Folder
+
+
+
+
+
+
+
a character vector of full path names; the default corresponds to the working directory, getwd().
+ Tilde expansion (see path.expand) is performed. Missing values will be ignored.
+
+
+
fullNames
+
-
+
+
+
recursive
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/list.files.html b/vignettes/REnv/file/list.files.html
new file mode 100644
index 0000000..6d1aaa7
--- /dev/null
+++ b/vignettes/REnv/file/list.files.html
@@ -0,0 +1,81 @@
+
+
+
+
+ List the Files in a Directory/Folder
+
+
+
+
+
+
+
a character vector of full path names; the default corresponds to the
+ working directory, getwd().
+ Tilde expansion (see path.expand) is performed. Missing values will be
+ ignored.
+
+
or zip folder object if this parameter is a file stream r zip file path.
+
+
+
pattern
+
an optional regular expression/wildcard expression. Only file names which
+ match the regular expression will be returned.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/normalizeFileName.html b/vignettes/REnv/file/normalizeFileName.html
new file mode 100644
index 0000000..efeda5d
--- /dev/null
+++ b/vignettes/REnv/file/normalizeFileName.html
@@ -0,0 +1,84 @@
+
+
+
+
+ removes all of the invalid character for the windows file name
+
+
+
+
+
+
+
+
+
+
+
normalizeFileName {file}
+
R Documentation
+
+
+
+
removes all of the invalid character for the windows file name
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/normalizePath.html b/vignettes/REnv/file/normalizePath.html
new file mode 100644
index 0000000..ade40ff
--- /dev/null
+++ b/vignettes/REnv/file/normalizePath.html
@@ -0,0 +1,71 @@
+
+
+
+
+ Express File Paths in Canonical Form
+
+
+
+
+
+
+
+
+
+
+
normalizePath {file}
+
R Documentation
+
+
+
+
Express File Paths in Canonical Form
+
+
Description
+
+
Convert file paths to canonical form for the platform, to display them in a user-understandable form and so that relative and absolute paths can be compared.
+
+
Usage
+
+
+
normalizePath(fileNames);
+
+
+
Arguments
+
+
+
+
fileNames
+
character vector of file paths.
+
+
+
envir
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/open.gzip.html b/vignettes/REnv/file/open.gzip.html
new file mode 100644
index 0000000..7969b6c
--- /dev/null
+++ b/vignettes/REnv/file/open.gzip.html
@@ -0,0 +1,77 @@
+
+
+
+
+ decompression of a gzip file and get the deflate file data stream.
+
+
+
+
+
+
+
+
+
+
+
open.gzip {file}
+
R Documentation
+
+
+
+
decompression of a gzip file and get the deflate file data stream.
+
+
Description
+
+
+
+
Usage
+
+
+
open.gzip(file,
+ tmpfileWorker = NULL);
+
+
+
Arguments
+
+
+
+
file
+
the file path or file stream data.
+
+
+
tmpfileWorker
+
using tempfile for process the large data file which its file length
+ is greater then the memorystream its upbound capacity.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Stream.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/readBin.html b/vignettes/REnv/file/readBin.html
new file mode 100644
index 0000000..9ab94b8
--- /dev/null
+++ b/vignettes/REnv/file/readBin.html
@@ -0,0 +1,105 @@
+
+
+
+
+ ransfer Binary Data To and From Connections
+
+
+
+
+
+
+
+
+
+
+
readBin {file}
+
R Documentation
+
+
+
+
ransfer Binary Data To and From Connections
+
+
Description
+
+
Read binary data from or write binary data to a connection or raw vector.
+
+
Usage
+
+
+
readBin(con, what,
+ n = 1,
+ size = -2147483648,
+ signed = TRUE,
+ endian = big);
+
+
+
Arguments
+
+
+
+
con
+
A connection Object Or a character
+ String naming a file Or a raw vector.
+
+
+
n
+
numeric. The (maximal) number of records to be read.
+ You can use an over-estimate here, but not too large
+ as storage is reserved for n items.
+
+
+
size
+
Integer.The number Of bytes per element In the Byte
+ stream. The Default, NA_integer_, uses the natural
+ size. Size changing Is Not supported For raw And
+ complex vectors.
+
+
+
signed
+
logical. Only used for integers of sizes 1 and 2, when
+ it determines if the quantity on file should be regarded
+ as a signed or unsigned integer.
+
+
+
endian
+
The endian-ness ("big" Or "little")
+ Of the target system For the file. Using "swap" will force
+ swapping endian-ness.
+
+
+
what
+
Either an object whose mode will give the mode of the
+ vector to be read, or a character vector of length one
+ describing the mode: one of "numeric", "double",
+ "integer", "int", "logical", "complex", "character",
+ "raw".
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
if this options is config as TRUE, means this function will returns
+ a lazy load data pipeline. default value of this option is FALSE, which
+ means this function will returns a character vector which contains all
+ data content lines directly.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/readText.html b/vignettes/REnv/file/readText.html
new file mode 100644
index 0000000..2ab8525
--- /dev/null
+++ b/vignettes/REnv/file/readText.html
@@ -0,0 +1,72 @@
+
+
+
+
+ Reads all characters from the current position to the end of the given stream.
+
+
+
+
+
+
+
+
+
+
+
readText {file}
+
R Documentation
+
+
+
+
Reads all characters from the current position to the end of the given stream.
+
+
Description
+
+
+
+
Usage
+
+
+
readText(con,
+ encoding = UTF8);
+
+
+
Arguments
+
+
+
+
con
+
-
+
+
+
encoding
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/save.list.html b/vignettes/REnv/file/save.list.html
new file mode 100644
index 0000000..ad2aee1
--- /dev/null
+++ b/vignettes/REnv/file/save.list.html
@@ -0,0 +1,72 @@
+
+
+
+
+ Save a R# object list in json file format
+
+
+
+
+
+
+
+
+
+
+
save.list {file}
+
R Documentation
+
+
+
+
Save a R# object list in json file format
+
+
Description
+
+
+
+
Usage
+
+
+
save.list(list, file,
+ encodings = UTF8);
+
+
+
Arguments
+
+
+
+
list
+
-
+
+
+
file$
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/setwd.html b/vignettes/REnv/file/setwd.html
new file mode 100644
index 0000000..7c89d65
--- /dev/null
+++ b/vignettes/REnv/file/setwd.html
@@ -0,0 +1,71 @@
+
+
+
+
+ setwd(dir) is used to set the working directory to dir.
+
+
+
+
+
+
+
+
+
+
+
setwd {file}
+
R Documentation
+
+
+
+
setwd(dir) is used to set the working directory to dir.
+
+
Description
+
+
+
+
Usage
+
+
+
setwd(dir);
+
+
+
Arguments
+
+
+
+
dir
+
A character String: tilde expansion will be done.
+
+
+
envir
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/file/tempdir.html b/vignettes/REnv/file/tempdir.html
new file mode 100644
index 0000000..9e1348e
--- /dev/null
+++ b/vignettes/REnv/file/tempdir.html
@@ -0,0 +1,75 @@
+
+
+
+
+ Create Names For Temporary Files
+
+
+
+
+
+
+
+
+
+
+
tempdir {file}
+
R Documentation
+
+
+
+
Create Names For Temporary Files
+
+
Description
+
+
+
+
Usage
+
+
+
tempdir(
+ check = FALSE);
+
+
+
Arguments
+
+
+
+
check
+
logical indicating if tmpdir() should be checked and recreated if no longer valid.
+
+
+
+
+
Details
+
+
+
On Windows, both will use a backslash as the path separator.
+
+
+
On a Unix-alike, the value will be an absolute path (unless tmpdir Is set to a relative path),
+but it need Not be canonical (see normalizePath) And on macOS it often Is Not.
a non-empty character vector giving the initial part of the name.
+
+
+
tmpdir
+
a non-empty character vector giving the directory name
+
+
+
fileext
+
a non-empty character vector giving the file extension
+
+
+
+
+
Details
+
+
The length of the result is the maximum of the lengths of the three arguments;
+ values of shorter arguments are recycled.
+
+
The names are very likely To be unique among calls To tempfile In an R session
+ And across simultaneous R sessions (unless tmpdir Is specified). The filenames
+ are guaranteed Not To be currently In use.
+
+
The file name Is made by concatenating the path given by tmpdir, the pattern
+ String, a random String In hex And a suffix Of fileext.
+
+
By Default, tmpdir will be the directory given by tempdir(). This will be a
+ subdirectory of the per-session temporary directory found by the following
+ rule when the R session Is started. The environment variables TMPDIR, TMP And TEMP
+ are checked in turn And the first found which points to a writable directory Is
+ used: If none succeeds the value Of R_USER (see Rconsole) Is used. If the path
+ To the directory contains a space In any Of the components, the path returned will
+ use the shortnames version Of the path. Note that setting any Of these environment
+ variables In the R session has no effect On tempdir(): the per-session temporary
+ directory Is created before the interpreter Is started.
+
+
+
Value
+
+
a character vector giving the names of possible (temporary) files.
+ Note that no files are generated by tempfile.
A character vector, or a serials of compatible interface for get text contents.
+
+
+
con
+
A connection Object Or a character String.
+
+
+
sep
+
character string. A string to be written to the connection after each line of text.
+
+
+
+
+
Details
+
+
If the con is a character string, the function calls file to obtain a file connection
+ which is opened for the duration of the function call.
+
+
If the connection Is open it Is written from its current position. If it Is Not open,
+ it Is opened For the duration Of the Call In "wt" mode And Then closed again.
+
+
Normally writeLines Is used With a text-mode connection, And the Default separator Is
+ converted To the normal separator For that platform (LF On Unix/Linux, CRLF On Windows).
+ For more control, open a binary connection And specify the precise value you want
+ written To the file In sep. For even more control, use writeChar On a binary connection.
+
+
useBytes Is for expert use. Normally (when false) character strings with marked
+ encodings are converted to the current encoding before being passed to the connection
+ (which might do further re-encoding). useBytes = TRUE suppresses the re-encoding of
+ marked strings so they are passed byte-by-byte to the connection: this can be useful
+ When strings have already been re-encoded by e.g. iconv. (It Is invoked automatically
+ For strings With marked encoding "bytes".)
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/humanReadable/byte_size.html b/vignettes/REnv/humanReadable/byte_size.html
new file mode 100644
index 0000000..d2e9cae
--- /dev/null
+++ b/vignettes/REnv/humanReadable/byte_size.html
@@ -0,0 +1,67 @@
+
+
+
+
+ convert byte number into human readable size string
+
+
+
+
+
+
+
+
+
+
+
byte_size {humanReadable}
+
R Documentation
+
+
+
+
convert byte number into human readable size string
+
+
Description
+
+
+
+
Usage
+
+
+
byte_size(bytes);
+
+
+
Arguments
+
+
+
+
bytes
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
clr value class
string
+
+
Examples
+
+
+
+
+
[Package humanReadable version 2.33.856.6961 Index]
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/humanReadable/splitParagraph.html b/vignettes/REnv/humanReadable/splitParagraph.html
new file mode 100644
index 0000000..7d8a966
--- /dev/null
+++ b/vignettes/REnv/humanReadable/splitParagraph.html
@@ -0,0 +1,74 @@
+
+
+
+
+ split a given text data into multiple lines
+
+
+
+
+
+
+
A left join is a type of relational join operation that combines
+ two datasets based on a common column or variable. The result of
+ a left join includes all the rows from the left dataset and any
+ matching rows from the right dataset.
Sort (or order) a vector or factor (partially) into ascending
+ or descending order. For ordering along more than one variable,
+ e.g., for sorting data frames, see order.
Select (and optionally rename) variables in a data frame, using a
+ concise mini-language that makes it easy to refer to variables
+ based on their name (e.g. a:f selects all columns from a on the
+ left to f on the right) or type (e.g. where(is.numeric) selects all
+ numeric columns).
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/all.html b/vignettes/REnv/linq/all.html
new file mode 100644
index 0000000..1742877
--- /dev/null
+++ b/vignettes/REnv/linq/all.html
@@ -0,0 +1,83 @@
+
+
+
+
+ Are All Values True?
+
+
+
+
+
+
+
+
+
+
+
all {linq}
+
R Documentation
+
+
+
+
Are All Values True?
+
+
Description
+
+
Given a set of logical vectors, are all of the values true?
+
+
Usage
+
+
+
all(test,
+ narm = FALSE);
+
+
+
Arguments
+
+
+
+
test
+
zero or more logical vectors. Other objects of zero
+ length are ignored, and the rest are coerced to logical ignoring any
+ class.
+
+
+
narm
+
logical. If true NA values are removed before the result is computed.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
The value is a logical vector of length one.
+
+
Let x denote the concatenation of all the logical vectors in ...
+ (after coercion), after removing NAs if requested by na.rm = TRUE.
+
+
The value returned Is True If all Of the values In x are True
+ (including If there are no values), And False If at least one Of
+ the values In x Is False. Otherwise the value Is NA (which can
+ only occur If na.rm = False And ... contains no False values And
+ at least one NA value).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/any.html b/vignettes/REnv/linq/any.html
new file mode 100644
index 0000000..557e8df
--- /dev/null
+++ b/vignettes/REnv/linq/any.html
@@ -0,0 +1,82 @@
+
+
+
+
+ Are Some Values True?
+
+
+
+
+
+
+
+
+
+
+
any {linq}
+
R Documentation
+
+
+
+
Are Some Values True?
+
+
Description
+
+
Given a set of logical vectors, is at least one of the values true?
+
+
Usage
+
+
+
any(test,
+ narm = FALSE);
+
+
+
Arguments
+
+
+
+
test
+
zero or more logical vectors. Other objects of zero length are ignored,
+ and the rest are coerced to logical ignoring any class.
+
+
+
narm
+
logical. If true NA values are removed before the result Is computed.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
The value is a logical vector of length one.
+
+
Let x denote the concatenation of all the logical vectors in ...
+ (after coercion), after removing NAs if requested by na.rm = TRUE.
+
+
The value returned Is True If at least one Of the values In x Is True,
+ And False If all Of the values In x are False (including If there are
+ no values). Otherwise the value Is NA (which can only occur If
+ na.rm = False And ... contains no True values And at least one NA
+ value).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/as.index.html b/vignettes/REnv/linq/as.index.html
new file mode 100644
index 0000000..5ac0a99
--- /dev/null
+++ b/vignettes/REnv/linq/as.index.html
@@ -0,0 +1,76 @@
+
+
+
+
+ create data index for the given input data sequence
+
+
+
+
+
+
+
+
+
+
+
as.index {linq}
+
R Documentation
+
+
+
+
create data index for the given input data sequence
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/last.html b/vignettes/REnv/linq/last.html
new file mode 100644
index 0000000..d4d22b8
--- /dev/null
+++ b/vignettes/REnv/linq/last.html
@@ -0,0 +1,79 @@
+
+
+
+
+ get the last element in the sequence
+
+
+
+
+
+
+
+
+
+
+
last {linq}
+
R Documentation
+
+
+
+
get the last element in the sequence
+
+
Description
+
+
+
+
Usage
+
+
+
last(sequence,
+ test = NULL);
+
+
+
Arguments
+
+
+
+
sequence
+
a general data sequence
+
+
+
test
+
if this test function is nothing, then means get the last element in
+ the sequence. else if the function is not nothing, then means get the
+ last element that which meet this test condition in the sequence
+ data input.
+
+
+
envir
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/left_join.html b/vignettes/REnv/linq/left_join.html
new file mode 100644
index 0000000..6b05d8b
--- /dev/null
+++ b/vignettes/REnv/linq/left_join.html
@@ -0,0 +1,78 @@
+
+
+
+
+ A left join is a type of relational join operation that combines
+
+
+
+
+
+
+
+
+
+
+
left_join {linq}
+
R Documentation
+
+
+
+
A left join is a type of relational join operation that combines
+
+
Description
+
+
two datasets based on a common column or variable. The result of a left join includes all the rows from the left dataset and any matching rows from the right dataset.
vector or NULL: the values to be matched. Long
+ vectors are supported.
+
+
+
table
+
vector or NULL: the values to be matched against.
+ Long vectors are not supported. (using as index
+ object.)
+
+
+
nomatch
+
the value to be returned in the case when no
+ match is found. Note that it is coerced to
+ integer.
+
+
+
incomparables
+
a vector of values that cannot be matched.
+ Any value in x matching a value in this vector
+ is assigned the nomatch value. For historical
+ reasons, FALSE is equivalent to NULL.
first = c("a", "c", "b");
+second = c("c", "b", "a");
+match(second, first);
+
+# c b a <-second
+[1] 2 3 1
+
+
+
+
Value
+
+
A vector of the same length as x.
+ An integer vector giving the position in table of
+ the first match if there Is a match, otherwise
+ nomatch.
+ If x[i] Is found To equal table[j] Then the value
+ returned In the i-th position Of the Return value
+ Is j, For the smallest possible j. If no match Is
+ found, the value Is nomatch.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/orderBy.html b/vignettes/REnv/linq/orderBy.html
new file mode 100644
index 0000000..4a6ab74
--- /dev/null
+++ b/vignettes/REnv/linq/orderBy.html
@@ -0,0 +1,85 @@
+
+
+
+
+ Sorts the elements of a sequence in ascending order according to a key.
+
+
+
+
+
+
+
+
+
+
+
orderBy {linq}
+
R Documentation
+
+
+
+
Sorts the elements of a sequence in ascending order according to a key.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/select.html b/vignettes/REnv/linq/select.html
new file mode 100644
index 0000000..9ce7134
--- /dev/null
+++ b/vignettes/REnv/linq/select.html
@@ -0,0 +1,103 @@
+
+
+
+
+ Keep or drop columns using their names and types
+
+
+
+
+
+
+
+
+
+
+
select {linq}
+
R Documentation
+
+
+
+
Keep or drop columns using their names and types
+
+
Description
+
+
Select (and optionally rename) variables in a data frame, using a concise mini-language that makes it easy to refer to variables based on their name (e.g. a:f selects all columns from a on the left to f on the right) or type (e.g. where(is.numeric) selects all numeric columns).
+
+
Usage
+
+
+
select(.data,
+ strict = TRUE,
+ ... = NULL);
+
+
+
Arguments
+
+
+
+
.data
+
A data frame, data frame extension (e.g. a tibble), or a lazy data
+ frame (e.g. from dbplyr or dtplyr). See Methods, below, for more
+ details.
+
+
+
selectors
+
One or more unquoted expressions separated by commas.
+ Variable names can be used as if they were positions in the data frame,
+ so expressions like x:y can be used to select a range of variables.
+
+
syntax for the selectors:
+
+
+
select by name: select(name1, name2)
+
field renames: select(name1 -> data1)
+
+
+
+
strict
+
By default when this function running in strict mode, an error message
+ will be returned if there is a missing data fields exists in the selector
+ list
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
An object of the same type as .data. The output has the following properties:
+
+
+
Rows are Not affected.
+
Output columns are a subset Of input columns, potentially With a
+different order. Columns will be renamed If new_name = old_name
+form Is used.
+
Data frame attributes are preserved.
+
Groups are maintained; you can't select off grouping variables.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/skip.html b/vignettes/REnv/linq/skip.html
new file mode 100644
index 0000000..0852663
--- /dev/null
+++ b/vignettes/REnv/linq/skip.html
@@ -0,0 +1,72 @@
+
+
+
+
+ Bypasses a specified number of elements in a sequence and then
+
+
+
+
+
+
+
+
+
+
+
skip {linq}
+
R Documentation
+
+
+
+
Bypasses a specified number of elements in a sequence and then
+
+
Description
+
+
returns the remaining elements.
+
+
Usage
+
+
+
skip(sequence, n);
+
+
+
Arguments
+
+
+
+
sequence
+
An System.Collections.Generic.IEnumerable`1 to return elements from.
+
+
+
n
+
The number of elements to skip before returning the remaining elements.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
An System.Collections.Generic.IEnumerable`1 that contains the elements that occur
+ after the specified index in the input sequence.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/sort.html b/vignettes/REnv/linq/sort.html
new file mode 100644
index 0000000..69e2286
--- /dev/null
+++ b/vignettes/REnv/linq/sort.html
@@ -0,0 +1,160 @@
+
+
+
+
+ Sorting or Ordering Vectors
+
+
+
+
+
+
+
+
+
+
+
sort {linq}
+
R Documentation
+
+
+
+
Sorting or Ordering Vectors
+
+
Description
+
+
Sort (or order) a vector or factor (partially) into ascending or descending order. For ordering along more than one variable, e.g., for sorting data frames, see order.
+
+
Usage
+
+
+
sort(x,
+ decreasing = FALSE,
+ na.last = FALSE);
+
+
+
Arguments
+
+
+
+
x
+
For sort an R object with a class Or a numeric, complex,
+ character Or logical vector. For sort.int, a numeric, complex,
+ character Or logical vector, Or a factor.
+
+
+
decreasing
+
logical. Should the sort be increasing or decreasing? For the
+ "radix" method, this can be a vector of length equal to the
+ number of arguments in .... For the other methods, it must be
+ length one. Not available for partial sorting.
+
+
+
na.last
+
for controlling the treatment of NAs. If TRUE, missing values
+ in the data are put last; if FALSE, they are put first; if NA,
+ they are removed.
+
+
+
+
+
Details
+
+
sort is a generic function for which methods can be written, and
+ sort.int is the internal method which is compatible with S if
+ only the first three arguments are used.
+ The Default sort method makes use Of order For classed objects,
+ which In turn makes use Of the generic Function xtfrm (And can be
+ slow unless a xtfrm method has been defined Or Is.numeric(x) Is
+ True).
+ Complex values are sorted first by the real part, Then the imaginary
+ part.
+ The "auto" method selects "radix" for short (less than 2^31 elements)
+ numeric vectors, integer vectors, logical vectors And factors;
+ otherwise, "shell".
+ Except for method "radix", the sort order for character vectors will
+ depend on the collating sequence of the locale in use: see Comparison.
+ The sort order For factors Is the order Of their levels (which Is
+ particularly appropriate For ordered factors).
+ If partial Is Not NULL, it Is taken to contain indices of elements of
+ the result which are to be placed in their correct positions in the
+ sorted array by partial sorting. For each of the result values in
+ a specified position, any values smaller than that one are guaranteed
+ to have a smaller index in the sorted array And any values which
+ are greater are guaranteed to have a bigger index in the sorted array.
+ (This Is included for efficiency, And many of the options are Not
+ available for partial sorting. It Is only substantially more efficient
+ if partial has a handful of elements, And a full sort Is done (a
+ Quicksort if possible) if there are more than 10.) Names are discarded
+ for partial sorting.
+ Method "shell" uses Shellsort (an O(n^{4/3}) variant from Sedgewick
+ (1986)). If x has names a stable modification Is used, so ties are Not
+ reordered. (This only matters if names are present.)
+ Method "quick" uses Singleton (1969)'s implementation of Hoare's
+ Quicksort method and is only available when x is numeric (double or
+ integer) and partial is NULL. (For other types of x Shellsort is used,
+ silently.) It is normally somewhat faster than Shellsort (perhaps 50%
+ faster on vectors of length a million and twice as fast at a billion)
+ but has poor performance in the rare worst case. (Peto's modification
+ using a pseudo-random midpoint is used to make the worst case rarer.)
+ This is not a stable sort, and ties may be reordered.
+ Method "radix" relies on simple hashing to scale time linearly with
+ the input size, i.e., its asymptotic time complexity Is O(n). The specific
+ variant And its implementation originated from the data.table package
+ And are due to Matt Dowle And Arun Srinivasan. For small inputs (< 200),
+ the implementation uses an insertion sort (O(n^2)) that operates in-place
+ to avoid the allocation overhead of the radix sort. For integer vectors
+ of range less than 100,000, it switches to a simpler And faster linear
+ time counting sort. In all cases, the sort Is stable; the order of ties
+ Is preserved. It Is the default method for integer vectors And factors.
+ The "radix" method generally outperforms the other methods, especially
+ for character vectors And small integers. Compared to quick sort, it Is
+ slightly faster for vectors with large integer Or real values (but unlike
+ quick sort, radix Is stable And supports all na.last options). The
+ implementation Is orders of magnitude faster than shell sort for character
+ vectors, in part thanks to clever use of the internal CHARSXP table.
+ However, there are some caveats with the radix sort
+ If x Is a character vector, all elements must share the same encoding.
+ Only UTF-8 (including ASCII) And Latin-1 encodings are supported. Collation
+ always follows the "C" locale.
+ Long vectors(with more than 2^32 elements) And complex vectors are Not
+ supported yet.
+
+
+
Value
+
+
For sort, the result depends on the S3 method which is dispatched. If
+ x does not have a class sort.int is used and it description applies.
+ For classed objects which do not have a specific method the default method
+ will be used and is equivalent to x[order(x, ...)]: this depends on the
+ class having a suitable method for [ (and also that order will work,
+ which requires a xtfrm method).
+ For sort.int the value Is the sorted vector unless index.return Is true,
+ when the result Is a list with components named x And ix containing the
+ sorted numbers And the ordering index vector. In the latter case, if
+ method == "quick" ties may be reversed in the ordering (unlike sort.list)
+ as quicksort Is Not stable. For method == "radix", index.return Is
+ supported for all na.last modes. The other methods only support index.return
+ when na.last Is NA. The index vector refers To element numbers after removal
+ Of NAs: see order If you want the original element numbers.
+ All attributes are removed from the Return value (see Becker et al, 1988,
+ p.146) except names, which are sorted. (If Partial Is specified even the
+ names are removed.) Note that this means that the returned value has no
+ Class, except For factors And ordered factors (which are treated specially
+ And whose result Is transformed back To the original Class).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/split.html b/vignettes/REnv/linq/split.html
new file mode 100644
index 0000000..293a458
--- /dev/null
+++ b/vignettes/REnv/linq/split.html
@@ -0,0 +1,90 @@
+
+
+
+
+ split content sequence with a given condition as element delimiter.
+
+
+
+
+
+
+
+
+
+
+
split {linq}
+
R Documentation
+
+
+
+
split content sequence with a given condition as element delimiter.
+
+
Description
+
+
+
+
Usage
+
+
+
split(x,
+ delimiter = NULL,
+ ... = NULL);
+
+
+
Arguments
+
+
+
+
x
+
a given data sequence
+
+
+
delimiter
+
an element test function to determine that element is a delimiter object
+
+
+
argv
+
+
parts: will split the input sequence into n(parts = n) multiple parts
+
size: will split the input sequence into m multiple parts, and each part size is n(size=n)
+
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
the generated result is different between the vector/list:
+
+
+
for vector data: split the value array directly
+
for list data: split the list keys array and then break the input list
+ data into multiple parts by keys
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/take.html b/vignettes/REnv/linq/take.html
new file mode 100644
index 0000000..c2f4820
--- /dev/null
+++ b/vignettes/REnv/linq/take.html
@@ -0,0 +1,75 @@
+
+
+
+
+ take the first n items from the given input sequence data
+
+
+
+
+
+
+
+
+
+
+
take {linq}
+
R Documentation
+
+
+
+
take the first n items from the given input sequence data
+
+
Description
+
+
+
+
Usage
+
+
+
take(sequence, n);
+
+
+
Arguments
+
+
+
+
sequence
+
the input sequence data
+
+
+
n
+
the number of first n element
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/which.max.html b/vignettes/REnv/linq/which.max.html
new file mode 100644
index 0000000..8f3a319
--- /dev/null
+++ b/vignettes/REnv/linq/which.max.html
@@ -0,0 +1,92 @@
+
+
+
+
+ Where is the Min() or Max() or first TRUE or FALSE ?
+
+
+
+
+
+
+
+
+
+
+
which.max {linq}
+
R Documentation
+
+
+
+
Where is the Min() or Max() or first TRUE or FALSE ?
+
+
Description
+
+
Determines the location, i.e., index of the (first) minimum or maximum of a numeric (or logical) vector.
+
+
Usage
+
+
+
which.max(x,
+ eval = NULL);
+
+
+
Arguments
+
+
+
+
x
+
numeric (logical, integer or double) vector or an R object for which the internal
+ coercion to double works whose min or max is searched for.
+
+
+
eval
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
Missing and NaN values are discarded.
+
+
an integer Or on 64-bit platforms, if length(x) = n>= 2^31 an integer valued
+ double of length 1 Or 0 (iff x has no non-NAs), giving the index of the first
+ minimum Or maximum respectively of x.
+
+
If this extremum Is unique (Or empty), the results are the same As (but more
+ efficient than) which(x == min(x, na.rm = True)) Or
+ which(x == max(x, na.rm = True)) respectively.
+
+
Logical x – First True Or False
+
+
For a logical vector x with both FALSE And TRUE values, which.min(x) And
+ which.max(x) return the index of the first FALSE Or TRUE, respectively, as
+ FALSE < TRUE. However, match(FALSE, x) Or match(TRUE, x) are typically
+ preferred, as they do indicate mismatches.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/REnv/linq/which.min.html b/vignettes/REnv/linq/which.min.html
new file mode 100644
index 0000000..6b0f392
--- /dev/null
+++ b/vignettes/REnv/linq/which.min.html
@@ -0,0 +1,92 @@
+
+
+
+
+ Where is the Min() or Max() or first TRUE or FALSE ?
+
+
+
+
+
+
+
+
+
+
+
which.min {linq}
+
R Documentation
+
+
+
+
Where is the Min() or Max() or first TRUE or FALSE ?
+
+
Description
+
+
Determines the location, i.e., index of the (first) minimum or maximum of a numeric (or logical) vector.
+
+
Usage
+
+
+
which.min(x,
+ eval = NULL);
+
+
+
Arguments
+
+
+
+
x
+
numeric (logical, integer or double) vector or an R object for which the internal
+ coercion to double works whose min or max is searched for.
+
+
+
eval
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
Missing and NaN values are discarded.
+
+
an integer Or on 64-bit platforms, if length(x) = n>= 2^31 an integer valued
+ double of length 1 Or 0 (iff x has no non-NAs), giving the index of the first
+ minimum Or maximum respectively of x.
+
+
If this extremum Is unique (Or empty), the results are the same As (but more
+ efficient than) which(x == min(x, na.rm = True)) Or which(x == max(x, na.rm = True))
+ respectively.
+
+
Logical x – First True Or False
+
+
For a logical vector x with both FALSE And TRUE values, which.min(x) And
+ which.max(x) return the index of the first FALSE Or TRUE, respectively, as
+ FALSE < TRUE. However, match(FALSE, x) Or match(TRUE, x) are typically
+ preferred, as they do indicate mismatches.
a numeric Or complex matrix whose spectral
+ decomposition Is To be computed. Logical matrices
+ are coerced To numeric.
+
+
+
symmetric
+
If True, the matrix Is assumed To be symmetric
+ (Or Hermitian If complex) And only its lower
+ triangle (diagonal included) Is used. If symmetric
+ Is Not specified, isSymmetric(x) Is used.
+
+
+
only.values
+
If True, only the eigenvalues are computed And
+ returned, otherwise both eigenvalues And
+ eigenvectors are returned.
+
+
+
EISPACK
+
logical. Defunct And ignored.
+
+
+
+
+
Details
+
+
If symmetric is unspecified, isSymmetric(x) determines
+ if the matrix is symmetric up to plausible numerical
+ inaccuracies. It is surer and typically much faster to
+ set the value yourself.
+
+
Computing the eigenvectors Is the slow part For large
+ matrices.
+
+
Computing the eigendecomposition Of a matrix Is subject
+ To errors On a real-world computer: the definitive
+ analysis Is Wilkinson (1965). All you can hope For Is a
+ solution To a problem suitably close To x. So even
+ though a real asymmetric x may have an algebraic solution
+ With repeated real eigenvalues, the computed solution
+ may be Of a similar matrix With complex conjugate pairs
+ Of eigenvalues.
+
+
Unsuccessful results from the underlying LAPACK code will
+ result In an Error giving a positive Error code (most
+ often 1): these can only be interpreted by detailed study
+ Of the FORTRAN code.
+
+
+
Value
+
+
The spectral decomposition of x is returned as a list
+ with components
+
+
+
values: a vector containing the p eigenvalues Of x, sorted
+ In decreasing order, according To Mod(values) In
+ the asymmetric Case When they might be complex (even
+ For real matrices). For real asymmetric matrices
+ the vector will be complex only If complex conjugate
+ pairs Of eigenvalues are detected.
+
vectors: either a p * p matrix whose columns contain the
+ eigenvectors Of x, Or NULL If only.values Is True.
+ The vectors are normalized To unit length.
+
+
Recall that the eigenvectors are only defined up To a constant:
+even when the length Is specified they are still only defined
+up to a scalar of modulus one (the sign for real matrices).
+
+
When only.values Is Not true, as by default, the result Is of
+S3 class "eigen".
+
+
If r <- eigen(A), And V <- r$vectors; lam <- r$values, Then
an optional data vector (including a list or expression vector).
+ Non-atomic classed R objects are coerced by as.vector and all
+ attributes discarded.
+
+
+
nrow
+
the desired number of rows.
+
+
+
ncol
+
the desired number of columns.
+
+
+
byrow
+
logical. If FALSE (the default) the matrix Is filled by columns,
+ otherwise the matrix Is filled by rows.
+
+
+
dimnames
+
A dimnames attribute For the matrix: NULL Or a list of length 2
+ giving the row And column names respectively. An empty list Is
+ treated as NULL, And a list of length one as row names. The
+ list can be named, And the list names will be used as names for
+ the dimensions.
+
+
+
sparse
+
-
+
+
+
+
+
Details
+
+
If one of nrow or ncol is not given, an attempt is made to infer
+ it from the length of data and the other parameter. If neither
+ is given, a one-column matrix is returned.
+
+
If there are too few elements In data To fill the matrix, Then
+ the elements In data are recycled. If data has length zero, NA
+ Of an appropriate type Is used For atomic vectors (0 For raw
+ vectors) And NULL For lists.
+
+
+
Value
+
+ this function returns data object of type GeneralMatrix.
glm is used to fit generalized linear models, specified by
+ giving a symbolic description of the linear predictor and
+ a description of the error distribution.
Family objects provide a convenient way to specify the
+ details of the models used by functions such as glm.
+ See the documentation for glm for the details on how
+ such model fitting takes place.
do linear modelling, lm is used to fit linear models. It can be used
+ to carry out regression, single stratum analysis of variance and
+ analysis of covariance (although aov may provide a more convenient
+ interface for these).
predict is a generic function for predictions from the results of
+ various model fitting functions. The function invokes particular
+ methods which depend on the class of the first argument.
If there are no more than two points it does not make sense to simplify.
+ In this case the input is returned without further checks of x and y.
+ In particular, the input is not checked for NA values.
If there are no more than two points it does not make sense to simplify. In this case the input is returned without further checks of x and y. In particular, the input is not checked for NA values.
+
+
+
+
+
Usage
+
+
+
RamerDouglasPeucker(x, y,
+ epsilon = 0.1,
+ method = ["RDPsd","RDPppd"]);
+
+
+
Arguments
+
+
+
+
x
+
The x values of the curve as a vector without NA values.
+
+
+
y
+
The y values of the curve as a vector without NA values.
+
+
+
epsilon
+
The threshold for filtering outliers from the simplified curve. an number between 0 and 1. Recomended 0.01.
+
+
+
method
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
A data.frame with x and y values of the simplified curve.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/math/as.formula.html b/vignettes/Rlapack/math/as.formula.html
new file mode 100644
index 0000000..ba8cf28
--- /dev/null
+++ b/vignettes/Rlapack/math/as.formula.html
@@ -0,0 +1,71 @@
+
+
+
+
+ create a lambda function based on the ``lm`` result.
+
+
+
+
+
+
+
+
+
+
+
as.formula {math}
+
R Documentation
+
+
+
+
create a lambda function based on the ``lm`` result.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/math/as.lm_call.html b/vignettes/Rlapack/math/as.lm_call.html
new file mode 100644
index 0000000..54dffba
--- /dev/null
+++ b/vignettes/Rlapack/math/as.lm_call.html
@@ -0,0 +1,67 @@
+
+
+
+
+ cast the list data dump from the R ``lm`` result
+
+
+
+
+
+
+
+
+
+
+
as.lm_call {math}
+
R Documentation
+
+
+
+
cast the list data dump from the R ``lm`` result
+
+
Description
+
+
+
+
Usage
+
+
+
as.lm_call(x);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type lmCall.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/math/binomial.html b/vignettes/Rlapack/math/binomial.html
new file mode 100644
index 0000000..866ab01
--- /dev/null
+++ b/vignettes/Rlapack/math/binomial.html
@@ -0,0 +1,86 @@
+
+
+
+
+ Family Objects for Models
+
+
+
+
+
+
+
+
+
+
+
binomial {math}
+
R Documentation
+
+
+
+
Family Objects for Models
+
+
Description
+
+
Family objects provide a convenient way to specify the details of the models used by functions such as glm. See the documentation for glm for the details on how such model fitting takes place.
+
+
Usage
+
+
+
binomial(
+ link = "logit",
+ ... = NULL);
+
+
+
Arguments
+
+
+
+
link
+
a specification For the model link Function. This can be
+ a name/expression, a literal character String, a length-one
+ character vector, Or an Object Of Class "link-glm" (such
+ As generated by make.link) provided it Is Not specified
+ via one Of the standard names given Next.
+
+
The gaussian family accepts the links (As names) identity,
+ log And inverse; the binomial family the links logit, probit,
+ cauchit, (corresponding To logistic, normal And Cauchy
+ CDFs respectively) log And cloglog (complementary log-log);
+ the Gamma family the links inverse, identity And log; the
+ poisson family the links log, identity, And sqrt; And the
+ inverse.gaussian family the links 1/mu^2, inverse, identity
+ And log.
+
+
The quasi family accepts the links logit, probit, cloglog,
+ identity, inverse, log, 1/mu^2 And sqrt, And the Function
+ power can be used To create a power link Function.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
a vector or a dataframe that containing the data.
+ To bootstrap more complex data structures (e.g. bivariate data)
+ see the last example below.
+
+
+
nboot
+
The number of bootstrap samples desired.
+
+
+
theta
+
function to be bootstrapped. Takes x as an
+ argument, and may take additional arguments (see below and last
+ example).
+
+
+
func
+
(optional) argument specifying the functional
+ the distribution of thetahat that is desired. If func is
+ specified, the jackknife after-bootstrap estimate of its standard
+ error is also returned. See example below.
+
+
+
args
+
any additional arguments to be passed to theta
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
Efron, B. and Tibshirani, R. (1986). The bootstrap method for
+ standard errors, confidence intervals, and other measures of
+ statistical accuracy. Statistical Science, Vol 1., No. 1, pp 1-35.
+
+
Efron, B. (1992) Jackknife-after-bootstrap standard errors And
+ influence functions. J. Roy. Stat. Soc. B, vol 54, pages 83-127
+
+
Efron, B. And Tibshirani, R. (1993) An Introduction to the
+ Bootstrap. Chapman And Hall, New York, London.
+
+
+
Value
+
+
list with the following components:
+
+
+
thetastar the nboot bootstrap values Of theta
+
func.thetastar the functional func Of the bootstrap distribution Of thetastar, If func was specified
+
jack.boot.val the jackknife-after-bootstrap values For func, If func was specified
+
jack.boot.se the jackknife-after-bootstrap standard Error estimate Of func, If func was specified
+
call the deparsed call
+
+
and this function will returns the bootstrap data collection if the
+theta function is not specificed.
+ the list data also has some specificied data fields: list(thetastar, func.thetastar, jack.boot.val, jack.boot.se, call).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/math/glm.html b/vignettes/Rlapack/math/glm.html
new file mode 100644
index 0000000..95cbb5c
--- /dev/null
+++ b/vignettes/Rlapack/math/glm.html
@@ -0,0 +1,89 @@
+
+
+
+
+ Fitting Generalized Linear Models
+
+
+
+
+
+
+
+
+
+
+
glm {math}
+
R Documentation
+
+
+
+
Fitting Generalized Linear Models
+
+
Description
+
+
glm is used to fit generalized linear models, specified by giving a symbolic description of the linear predictor and a description of the error distribution.
+
+
Usage
+
+
+
glm(formula, family, data);
+
+
+
Arguments
+
+
+
+
formula
+
an object of class "formula" (Or one that can be coerced to
+ that class): a symbolic description Of the model To be fitted.
+ The details Of model specification are given under 'Details’.
+
+
+
family
+
a description of the error distribution and link function to
+ be used in the model. For glm this can be a character string
+ naming a family function, a family function or the result of
+ a call to a family function. For glm.fit only the third option
+ is supported. (See family for details of family functions.)
+
+
+
data
+
an optional data frame, list or environment (or object coercible
+ by as.data.frame to a data frame) containing the variables in
+ the model. If not found in data, the variables are taken from
+ environment(formula), typically the environment from which glm
+ is called.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/math/lm.html b/vignettes/Rlapack/math/lm.html
new file mode 100644
index 0000000..ef1e22c
--- /dev/null
+++ b/vignettes/Rlapack/math/lm.html
@@ -0,0 +1,82 @@
+
+
+
+
+ Fitting Linear Models
+
+
+
+
+
+
+
+
+
+
+
lm {math}
+
R Documentation
+
+
+
+
Fitting Linear Models
+
+
Description
+
+
do linear modelling, lm is used to fit linear models. It can be used to carry out regression, single stratum analysis of variance and analysis of covariance (although aov may provide a more convenient interface for these).
+
+
Usage
+
+
+
lm(formula,
+ data = NULL,
+ weights = NULL);
+
+
+
Arguments
+
+
+
+
formula
+
a formula expression of the target expression
+
+
+
data
+
A dataframe for provides the data source for doing the linear modelling.
+
+
+
weights
+
A numeric vector for provides weight value for the points
+ in the linear modelling processing.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type lmCall.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/math/predict.html b/vignettes/Rlapack/math/predict.html
new file mode 100644
index 0000000..5092e1f
--- /dev/null
+++ b/vignettes/Rlapack/math/predict.html
@@ -0,0 +1,89 @@
+
+
+
+
+ Model Predictions
+
+
+
+
+
+
+
+
+
+
+
predict {math}
+
R Documentation
+
+
+
+
Model Predictions
+
+
Description
+
+
predict is a generic function for predictions from the results of various model fitting functions. The function invokes particular methods which depend on the class of the first argument.
+
+
Usage
+
+
+
predict(lm, x);
+
+
+
Arguments
+
+
+
+
lm
+
a model Object For which prediction Is desired.
+
+
+
x
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
Most prediction methods which are similar to those for linear models
+ have an argument newdata specifying the first place to look for
+ explanatory variables to be used for prediction. Some considerable
+ attempts are made to match up the columns in newdata to those used
+ for fitting, for example that they are of comparable types and that
+ any factors have the same level set in the same order (or can be
+ transformed to be so).
+
+
Time series prediction methods In package stats have an argument
+ n.ahead specifying how many time steps ahead To predict.
+
+
Many methods have a logical argument se.fit saying If standard errors
+ are To returned.
+
+
+
Value
+
+
The form of the value returned by predict depends on the class of its argument.
+ See the documentation of the particular methods for details of what is
+ produced by that method.
Density, distribution function, quantile function and random generation
+ for the normal distribution with mean equal to mean and standard deviation
+ equal to sd.
Performs a principal components analysis on the given data matrix
+ and returns the results as an object of class prcomp.
+
+
The calculation is done by a singular value decomposition of the
+ (centered and possibly scaled) data matrix, not by using eigen on
+ the covariance matrix. This is generally the preferred method for
+ numerical accuracy. The print method for these objects prints the
+ results in a nice format and the plot method produces a scree
+ plot.
+
+
Unlike princomp, variances are computed With the usual divisor N - 1.
+ Note that scale = True cannot be used If there are zero Or constant
+ (For center = True) variables.
Find the correlations, sample sizes, and probability
+ values between elements of a matrix or data.frame.
+
+
Although the cor function finds the correlations for
+ a matrix, it does not report probability values. cor.test
+ does, but for only one pair of variables at a time.
+ corr.test uses cor to find the correlations for either
+ complete or pairwise data and reports the sample sizes
+ and probability values as well. For symmetric matrices,
+ raw probabilites are reported below the diagonal and
+ correlations adjusted for multiple comparisons above the
+ diagonal. In the case of different x and ys, the default
+ is to adjust the probabilities for multiple tests. Both
+ corr.test and corr.p return raw and adjusted confidence
+ intervals for each correlation.
The generic function quantile produces sample quantiles corresponding
+ to the given probabilities. The smallest observation corresponds to
+ a probability of 0 and the largest to a probability of 1.
This function computes and returns the distance matrix computed by using
+ the specified distance measure to compute the distances between the rows
+ of a data matrix.
The Mantel test, named after Nathan Mantel, is a statistical test of
+ the correlation between two matrices. The matrices must be of the same
+ dimension; in most applications, they are matrices of interrelations
+ between the same vectors of objects. The test was first published by
+ Nathan Mantel, a biostatistician at the National Institutes of Health,
+ in 1967.[1] Accounts of it can be found in advanced statistics books
+ (e.g., Sokal & Rohlf 1995[2]).
The chiSquare method is used to determine whether there is a significant difference between the expected
+ frequencies and the observed frequencies in one or more categories. It takes a double input x and an integer freedom
+ for degrees of freedom as inputs. It returns the Chi Squared result.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/aov.html b/vignettes/Rlapack/stats/aov.html
new file mode 100644
index 0000000..525551d
--- /dev/null
+++ b/vignettes/Rlapack/stats/aov.html
@@ -0,0 +1,65 @@
+
+
+
+
+ Fit an Analysis of Variance Model
+
+
+
+
+
+
+
+
+
+
+
aov {stats}
+
R Documentation
+
+
+
+
Fit an Analysis of Variance Model
+
+
Description
+
+
Fit an analysis of variance model by a call to lm for each stratum.
+
+
Usage
+
+
+
aov(x,
+ formula = NULL);
+
+
+
Arguments
+
+
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/chi_square.html b/vignettes/Rlapack/stats/chi_square.html
new file mode 100644
index 0000000..4313bde
--- /dev/null
+++ b/vignettes/Rlapack/stats/chi_square.html
@@ -0,0 +1,76 @@
+
+
+
+
+ The chiSquare method is used to determine whether there is a significant difference between the expected
+
+
+
+
+
+
+
+
+
+
+
chi_square {stats}
+
R Documentation
+
+
+
+
The chiSquare method is used to determine whether there is a significant difference between the expected
+
+
Description
+
+
frequencies and the observed frequencies in one or more categories. It takes a double input x and an integer freedom for degrees of freedom as inputs. It returns the Chi Squared result.
+
+
Usage
+
+
+
chi_square(x, freedom);
+
+
+
Arguments
+
+
+
+
x
+
a numeric input.
+
+
+
freedom
+
integer input for degrees of freedom.
+
+
+
+
+
Details
+
+
#' Evaluates the cumulative distribution function (CDF) for a chi-squared
+#' distribution with degrees of freedom `k` at a value `x`.
+chisquared.cdf = function( x, k ) {
+return gammaCDF(x, k / 2.0, 0.5);
+}
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/corr.test.html b/vignettes/Rlapack/stats/corr.test.html
new file mode 100644
index 0000000..eada38f
--- /dev/null
+++ b/vignettes/Rlapack/stats/corr.test.html
@@ -0,0 +1,86 @@
+
+
+
+
+ Find the correlations, sample sizes, and probability
+
+
+
+
+
+
+
+
+
+
+
corr.test {stats}
+
R Documentation
+
+
+
+
Find the correlations, sample sizes, and probability
+
+
Description
+
+
values between elements of a matrix or data.frame.
Although the cor function finds the correlations for a matrix, it does not report probability values. cor.test does, but for only one pair of variables at a time. corr.test uses cor to find the correlations for either complete or pairwise data and reports the sample sizes and probability values as well. For symmetric matrices, raw probabilites are reported below the diagonal and correlations adjusted for multiple comparisons above the diagonal. In the case of different x and ys, the default is to adjust the probabilities for multiple tests. Both corr.test and corr.p return raw and adjusted confidence intervals for each correlation.
+
+
Usage
+
+
+
corr.test(x,
+ y = NULL,
+ use = "pairwise",
+ method = "pearson");
+
+
+
Arguments
+
+
+
+
x
+
A matrix or dataframe
+
+
+
y
+
A second matrix or dataframe with the same number of rows as x
+
+
+
use
+
use="pairwise" is the default value and will do pairwise
+ deletion of cases. use="complete" will select just complete
+ cases.
+
+
+
method
+
method="pearson" is the default value. The alternatives to
+ be passed to cor are "spearman" and "kendall". These last
+ two are much slower, particularly for big data sets.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/dist.html b/vignettes/Rlapack/stats/dist.html
new file mode 100644
index 0000000..65fd263
--- /dev/null
+++ b/vignettes/Rlapack/stats/dist.html
@@ -0,0 +1,135 @@
+
+
+
+
+ Distance Matrix Computation
+
+
+
+
+
+
+
+
+
+
+
dist {stats}
+
R Documentation
+
+
+
+
Distance Matrix Computation
+
+
Description
+
+
This function computes and returns the distance matrix computed by using the specified distance measure to compute the distances between the rows of a data matrix.
the distance measure to be used. This must be one of "euclidean", "maximum",
+ "manhattan", "canberra", "binary" or "minkowski". Any unambiguous substring
+ can be given.
+
+
+
diag
+
-
+
+
+
upper
+
-
+
+
+
p%
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
Available distance measures are (written for two vectors x and y):
+
+
+
euclidean:
+Usual distance between the two vectors (2 norm aka L_2), sqrt(sum((x_i - y_i)^2)).
+
maximum:
+Maximum distance between two components Of x And y (supremum norm)
+
manhattan:
+Absolute distance between the two vectors (1 norm aka L_1).
+
canberra:
+sum(|x_i - y_i| / (|x_i| + |y_i|)). Terms with zero numerator And
+denominator are omitted from the sum And treated as if the values were
+missing.
+
+
This Is intended for non-negative values (e.g., counts), in which case the
+denominator can be written in various equivalent ways; Originally, R used
+x_i + y_i, then from 1998 to 2017, |x_i + y_i|, And then the correct
+|x_i| + |y_i|.
+
binary:
+(aka asymmetric binary): The vectors are regarded As binary bits, so non-zero
+elements are 'on’ and zero elements are ‘off’. The distance is the proportion
+of bits in which only one is on amongst those in which at least one is on.
+
minkowski:
+The p norm, the pth root Of the sum Of the pth powers Of the differences
+Of the components.
+
+
Missing values are allowed, And are excluded from all computations involving
+the rows within which they occur. Further, When Inf values are involved,
+all pairs Of values are excluded When their contribution To the distance gave
+NaN Or NA. If some columns are excluded In calculating a Euclidean, Manhattan,
+Canberra Or Minkowski distance, the sum Is scaled up proportionally To the
+number Of columns used. If all pairs are excluded When calculating a
+particular distance, the value Is NA.
+
+
The "dist" method of as.matrix() And as.dist() can be used for conversion
+between objects of class "dist" And conventional distance matrices.
+
+
as.dist() Is a generic function. Its default method handles objects inheriting
+from class "dist", Or coercible to matrices using as.matrix(). Support for
+classes representing distances (also known as dissimilarities) can be added
+by providing an as.matrix() Or, more directly, an as.dist method for such
+a class.
+
+
+
+
Value
+
+ this function returns data object of type DistanceMatrix.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/ecdf.html b/vignettes/Rlapack/stats/ecdf.html
new file mode 100644
index 0000000..5dca5d2
--- /dev/null
+++ b/vignettes/Rlapack/stats/ecdf.html
@@ -0,0 +1,78 @@
+
+
+
+
+ Empirical Cumulative Distribution Function
+
+
+
+
+
+
+
+
+
+
+
ecdf {stats}
+
R Documentation
+
+
+
+
Empirical Cumulative Distribution Function
+
+
Description
+
+
Compute an empirical cumulative distribution function, with several methods for plotting, printing and computing with such an “ecdf” object.
+
+
Usage
+
+
+
ecdf(x);
+
+
+
Arguments
+
+
+
+
x
+
numeric vector of the observations for ecdf; for the methods, an object
+ inheriting from class "ecdf".
+
+
+
+
+
Details
+
+
The objects of class "ecdf" are not intended to be used for permanent storage
+ and may change structure between versions of R (and did at R 3.0.0). They
+ can usually be re-created by
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/filterMissing.html b/vignettes/Rlapack/stats/filterMissing.html
new file mode 100644
index 0000000..bf36b11
--- /dev/null
+++ b/vignettes/Rlapack/stats/filterMissing.html
@@ -0,0 +1,76 @@
+
+
+
+
+ set the NA, NaN, Inf value to the default value
+
+
+
+
+
+
+
+
+
+
+
filterMissing {stats}
+
R Documentation
+
+
+
+
set the NA, NaN, Inf value to the default value
+
+
Description
+
+
+
+
Usage
+
+
+
filterMissing(x,
+ default = 0);
+
+
+
Arguments
+
+
+
+
x
+
a numeric vector or a dataframe object of all elements in numeric mode.
+
+
+
default
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/mantel.test.html b/vignettes/Rlapack/stats/mantel.test.html
new file mode 100644
index 0000000..5e20824
--- /dev/null
+++ b/vignettes/Rlapack/stats/mantel.test.html
@@ -0,0 +1,79 @@
+
+
+
+
+ The Mantel test, named after Nathan Mantel, is a statistical test of
+
+
+
+
+
+
+
+
+
+
+
mantel.test {stats}
+
R Documentation
+
+
+
+
The Mantel test, named after Nathan Mantel, is a statistical test of
+
+
Description
+
+
the correlation between two matrices. The matrices must be of the same dimension; in most applications, they are matrices of interrelations between the same vectors of objects. The test was first published by Nathan Mantel, a biostatistician at the National Institutes of Health, in 1967.[1] Accounts of it can be found in advanced statistics books (e.g., Sokal & Rohlf 1995[2]).
+
+
Usage
+
+
+
mantel.test(x, y,
+ c = NULL,
+ exact = FALSE,
+ raw = FALSE,
+ permutation = 1000);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
y
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
a character sring specifying the alternative hypothesis that is
+ tested against; must be one of "two.sided", "less", or "greater",
+ or any unambiguous abbreviation of these.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type list. the list data also has some specificied data fields: list(observed, expected, sd, p.value, z, prob2, t, df).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/p.adjust.html b/vignettes/Rlapack/stats/p.adjust.html
new file mode 100644
index 0000000..2d3974c
--- /dev/null
+++ b/vignettes/Rlapack/stats/p.adjust.html
@@ -0,0 +1,111 @@
+
+
+
+
+ Adjust P-values for Multiple Comparisons
+
+
+
+
+
+
+
+
+
+
+
p.adjust {stats}
+
R Documentation
+
+
+
+
Adjust P-values for Multiple Comparisons
+
+
Description
+
+
Given a set of p-values, returns p-values adjusted using one of several methods.
+
+
Usage
+
+
+
p.adjust(p,
+ method = fdr,
+ n = NULL);
+
+
+
Arguments
+
+
+
+
p
+
numeric vector Of p-values (possibly With NAs). Any other R Object Is
+ coerced by As.numeric.
+
+
+
method
+
correction method. Can be abbreviated.
+
+
+
n
+
number of comparisons, must be at least length(p); only set this (to
+ non-default) when you know what you are doing!
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
The adjustment methods include the Bonferroni correction ("bonferroni")
+ in which the p-values are multiplied by the number of comparisons. Less
+ conservative corrections are also included by Holm (1979) ("holm"),
+ Hochberg (1988) ("hochberg"), Hommel (1988) ("hommel"), Benjamini &
+ Hochberg (1995) ("BH" or its alias "fdr"), and Benjamini & Yekutieli
+ (2001) ("BY"), respectively. A pass-through option ("none") is also included.
+ The set of methods are contained in the p.adjust.methods vector for the
+ benefit of methods that need to have the method as an option and pass it
+ on to p.adjust.
+
+
The first four methods are designed To give strong control Of the family-wise
+ Error rate. There seems no reason To use the unmodified Bonferroni correction
+ because it Is dominated by Holm's method, which is also valid under arbitrary
+ assumptions.
+
+
Hochberg's and Hommel's methods are valid when the hypothesis tests are
+ independent or when they are non-negatively associated (Sarkar, 1998; Sarkar
+ and Chang, 1997). Hommel's method is more powerful than Hochberg's, but the
+ difference is usually small and the Hochberg p-values are faster to compute.
+ The "BH" (aka "fdr") And "BY" method of Benjamini, Hochberg, And Yekutieli
+ control the false discovery rate, the expected proportion of false discoveries
+ amongst the rejected hypotheses. The false discovery rate Is a less stringent
+ condition than the family-wise error rate, so these methods are more powerful
+ than the others.
+
+
Note that you can Set n larger than length(p) which means the unobserved
+ p-values are assumed To be greater than all the observed p For "bonferroni"
+ And "holm" methods And equal To 1 For the other methods.
+
+
+
Value
+
+
A numeric vector of corrected p-values (of the same length as p, with names
+ copied from p).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/plsda.html b/vignettes/Rlapack/stats/plsda.html
new file mode 100644
index 0000000..0df4999
--- /dev/null
+++ b/vignettes/Rlapack/stats/plsda.html
@@ -0,0 +1,98 @@
+
+
+
+
+ Partial Least Squares Discriminant Analysis
+
+
+
+
+
+
+
+
+
+
+
plsda {stats}
+
R Documentation
+
+
+
+
Partial Least Squares Discriminant Analysis
+
+
Description
+
+
plsda is used to calibrate, validate and use of partial least squares discrimination analysis (PLS-DA) model.
+
+
Usage
+
+
+
plsda(x, y,
+ ncomp = NULL,
+ center = TRUE,
+ scale = FALSE,
+ list = TRUE);
+
+
+
Arguments
+
+
+
+
x
+
matrix with predictors.
+
+
+
y
+
vector with class membership (should be either a factor with class
+ names/numbers in case of multiple classes Or a vector with logical values in case
+ of one class model).
+
+
+
ncomp
+
maximum number Of components To calculate.
+
+
+
center
+
logical, center or not predictors and response values.
+
+
+
scale
+
logical, scale (standardize) or not predictors and response values.
+
+
+
list
+
this function will returns a R# list that contains result data of the PLS-DA analysis by default,
+ or the raw .NET clr object of the PLS result if this parameter value set to FALSE.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/pnorm.html b/vignettes/Rlapack/stats/pnorm.html
new file mode 100644
index 0000000..b92731f
--- /dev/null
+++ b/vignettes/Rlapack/stats/pnorm.html
@@ -0,0 +1,92 @@
+
+
+
+
+ The Normal Distribution
+
+
+
+
+
+
+
+
+
+
+
pnorm {stats}
+
R Documentation
+
+
+
+
The Normal Distribution
+
+
Description
+
+
Density, distribution function, quantile function and random generation for the normal distribution with mean equal to mean and standard deviation equal to sd.
logical; if TRUE (default), probabilities are P[X \le x]P[X≤x] otherwise, P[X > x]P[X>x].
+
+
+
log.p
+
logical; if TRUE, probabilities p are given as log(p).
+
+
+
+
+
Details
+
+
For pnorm, based on
+
+
Cody, W. D. (1993) Algorithm 715 SPECFUN – A portable FORTRAN package of
+ special function routines And test drivers. ACM Transactions on Mathematical
+ Software 19, 22–32.
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/prcomp.html b/vignettes/Rlapack/stats/prcomp.html
new file mode 100644
index 0000000..269f591
--- /dev/null
+++ b/vignettes/Rlapack/stats/prcomp.html
@@ -0,0 +1,89 @@
+
+
+
+
+ Principal Components Analysis
+
+
+
+
+
+
+
+
+
+
+
prcomp {stats}
+
R Documentation
+
+
+
+
Principal Components Analysis
+
+
Description
+
+
Performs a principal components analysis on the given data matrix and returns the results as an object of class prcomp.
The calculation is done by a singular value decomposition of the (centered and possibly scaled) data matrix, not by using eigen on the covariance matrix. This is generally the preferred method for numerical accuracy. The print method for these objects prints the results in a nice format and the plot method produces a scree plot.
Unlike princomp, variances are computed With the usual divisor N - 1. Note that scale = True cannot be used If there are zero Or constant (For center = True) variables.
+
+
Usage
+
+
+
prcomp(x,
+ scale = FALSE,
+ center = FALSE,
+ pc = 5,
+ list = TRUE,
+ threshold = 1E-07);
+
+
+
Arguments
+
+
+
+
x
+
a numeric or complex matrix (or data frame) which provides the
+ data for the principal components analysis.
+
+
+
center
+
a logical value indicating whether the variables should be shifted
+ to be zero centered. Alternately, a vector of length equal the
+ number of columns of x can be supplied. The value is passed to scale.
+
+
+
scale
+
a logical value indicating whether the variables should be scaled to
+ have unit variance before the analysis takes place. The default is
+ FALSE for consistency with S, but in general scaling is advisable.
+ Alternatively, a vector of length equal the number of columns of x
+ can be supplied. The value is passed to scale.
+
+
+
+
+
Details
+
+
The signs of the columns of the rotation matrix are arbitrary, and
+ so may differ between different programs for PCA, and even between
+ different builds of R.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/quantile.html b/vignettes/Rlapack/stats/quantile.html
new file mode 100644
index 0000000..c8dfe79
--- /dev/null
+++ b/vignettes/Rlapack/stats/quantile.html
@@ -0,0 +1,92 @@
+
+
+
+
+ Sample Quantiles
+
+
+
+
+
+
+
+
+
+
+
quantile {stats}
+
R Documentation
+
+
+
+
Sample Quantiles
+
+
Description
+
+
The generic function quantile produces sample quantiles corresponding to the given probabilities. The smallest observation corresponds to a probability of 0 and the largest to a probability of 1.
+
+
Usage
+
+
+
quantile(x,
+ probs = [0,0.25,0.5,0.75,1]);
+
+
+
Arguments
+
+
+
+
x
+
numeric vector whose sample quantiles are wanted, or an object of a class
+ for which a method has been defined (see also ‘details’). NA and NaN
+ values are not allowed in numeric vectors unless na.rm is TRUE.
+
+
+
probs
+
numeric vector of probabilities with values in [0,1]. (Values up to 2e-14
+ outside that range are accepted and moved to the nearby endpoint.)
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
A vector of length length(probs) is returned; if names = TRUE, it has a
+ names attribute.
+
+
NA And NaN values in probs are propagated to the result.
+ The Default method works With classed objects sufficiently Like numeric
+ vectors that sort And (Not needed by types 1 And 3) addition Of elements
+ And multiplication by a number work correctly. Note that As this Is In a
+ Namespace, the copy Of sort In base will be used, Not some S4 generic
+ Of that name. Also note that that Is no check On the 'correctly’, and
+ so e.g. quantile can be applied to complex vectors which (apart from ties)
+ will be ordered on their real parts.
+
+
There Is a method for the date-time classes (see "POSIXt"). Types 1 And 3
+ can be used for class "Date" And for ordered factors.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/t.test.html b/vignettes/Rlapack/stats/t.test.html
new file mode 100644
index 0000000..1bac371
--- /dev/null
+++ b/vignettes/Rlapack/stats/t.test.html
@@ -0,0 +1,103 @@
+
+
+
+
+ Student's t-Test
+
+
+
+
+
+
+
+
+
+
+
t.test {stats}
+
R Documentation
+
+
+
+
Student's t-Test
+
+
Description
+
+
Performs one and two sample t-tests on vectors of data.
+
+
Usage
+
+
+
t.test(x,
+ y = NULL,
+ alternative = TwoSided,
+ mu = 0,
+ paired = FALSE,
+ var.equal = FALSE,
+ conf.level = 0.95,
+ t = NULL);
+
+
+
Arguments
+
+
+
+
x
+
a (non-empty) numeric vector of data values.
+
+
+
y
+
an optional (non-empty) numeric vector of data values.
+
+
+
alternative
+
a character string specifying the alternative hypothesis, must be one of
+ "two.sided" (default), "greater" or "less". You can specify just the initial
+ letter.
+
+
+
mu
+
a number indicating the true value of the mean (or difference in means if you
+ are performing a two sample test).
+
+
+
paired
+
a logical indicating whether you want a paired t-test.
+
+
+
var.equal
+
a logical variable indicating whether to treat the two variances as being equal.
+ If TRUE then the pooled variance is used to estimate the variance otherwise the
+ Welch (or Satterthwaite) approximation to the degrees of freedom is used.
+
+
+
conf.level
+
confidence level of the interval.
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object in these one of the listed data types: TwoSampleResult, TtestResult.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/var.test.html b/vignettes/Rlapack/stats/var.test.html
new file mode 100644
index 0000000..e3c2abe
--- /dev/null
+++ b/vignettes/Rlapack/stats/var.test.html
@@ -0,0 +1,79 @@
+
+
+
+
+ F Test to Compare Two Variances
+
+
+
+
+
+
+
+
+
+
+
var.test {stats}
+
R Documentation
+
+
+
+
F Test to Compare Two Variances
+
+
Description
+
+
Performs an F test to compare the variances of two samples from normal populations.
+
+
Usage
+
+
+
var.test(x, y);
+
+
+
Arguments
+
+
+
+
x
+
numeric vectors of data values, or fitted linear model objects
+ (inheriting from class "lm").
+
+
+
y
+
numeric vectors of data values, or fitted linear model objects
+ (inheriting from class "lm").
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
The null hypothesis is that the ratio of the variances of the
+ populations from which x and y were drawn, or in the data to
+ which the linear models x and y were fitted, is equal to ratio.
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/stats/z.html b/vignettes/Rlapack/stats/z.html
new file mode 100644
index 0000000..9483a92
--- /dev/null
+++ b/vignettes/Rlapack/stats/z.html
@@ -0,0 +1,88 @@
+
+
+
+
+ z-score
+
+
+
+
+
+
+
+
+
+
+
z {stats}
+
R Documentation
+
+
+
+
z-score
+
+
Description
+
+
+
+
Usage
+
+
+
z(x,
+ byrow = FALSE);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
byrow
+
this parameter works when the data type of the input
+ data x is a dataframe or matrix
+ object
+
+
+
+
+
Details
+
+
Standard score(z-score)
+
+
In statistics, the standard score is the signed number of standard deviations by which the value of
+ an observation or data point is above the mean value of what is being observed or measured. Observed
+ values above the mean have positive standard scores, while values below the mean have negative
+ standard scores. The standard score is a dimensionless quantity obtained by subtracting the population
+ mean from an individual raw score and then dividing the difference by the population standard deviation.
+ This conversion process is called standardizing or normalizing (however, "normalizing" can refer to
+ many types of ratios; see normalization for more).
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/Rlapack/symbolic/lambda.html b/vignettes/Rlapack/symbolic/lambda.html
new file mode 100644
index 0000000..fb5811f
--- /dev/null
+++ b/vignettes/Rlapack/symbolic/lambda.html
@@ -0,0 +1,67 @@
+
+
+
+
+ convert the formula expression to the mathml lambda expression model
+
+
+
+
+
+
+
+
+
+
+
lambda {symbolic}
+
R Documentation
+
+
+
+
convert the formula expression to the mathml lambda expression model
+
+
\ No newline at end of file
diff --git a/vignettes/base/HDS/createStream.html b/vignettes/base/HDS/createStream.html
new file mode 100644
index 0000000..7d0b483
--- /dev/null
+++ b/vignettes/base/HDS/createStream.html
@@ -0,0 +1,72 @@
+
+
+
+
+ Create a new data pack stream object, this function will clear up the data that sotre in the target **`file`**!
+
+
+
+
+
+
+
+
+
+
+
createStream {HDS}
+
R Documentation
+
+
+
+
Create a new data pack stream object, this function will clear up the data that sotre in the target **`file`**!
+
+
Description
+
+
+
+
Usage
+
+
+
createStream(file,
+ meta.size = 4194304);
+
+
+
Arguments
+
+
+
+
file
+
-
+
+
+
meta.size
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/HDS/files.html b/vignettes/base/HDS/files.html
new file mode 100644
index 0000000..39f014c
--- /dev/null
+++ b/vignettes/base/HDS/files.html
@@ -0,0 +1,74 @@
+
+
+
+
+ Get files in a specific directory
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/HDS/getData.html b/vignettes/base/HDS/getData.html
new file mode 100644
index 0000000..bf5ed07
--- /dev/null
+++ b/vignettes/base/HDS/getData.html
@@ -0,0 +1,71 @@
+
+
+
+
+ get a stream in readonly mode for parse data
+
+
+
+
+
+
+
+
+
+
+
getData {HDS}
+
R Documentation
+
+
+
+
get a stream in readonly mode for parse data
+
+
Description
+
+
+
+
Usage
+
+
+
getData(pack, file);
+
+
+
Arguments
+
+
+
+
pack
+
-
+
+
+
file
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Stream.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/HDS/getText.html b/vignettes/base/HDS/getText.html
new file mode 100644
index 0000000..6ffa97b
--- /dev/null
+++ b/vignettes/base/HDS/getText.html
@@ -0,0 +1,72 @@
+
+
+
+
+ Read a specific text data from a HDS stream pack
+
+
+
+
+
+
+
+
+
+
+
getText {HDS}
+
R Documentation
+
+
+
+
Read a specific text data from a HDS stream pack
+
+
Description
+
+
+
+
Usage
+
+
+
getText(pack, fileName,
+ encoding = "utf8");
+
+
+
Arguments
+
+
+
+
pack
+
-
+
+
+
fileName
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/HDS/openStream.html b/vignettes/base/HDS/openStream.html
new file mode 100644
index 0000000..23c7384
--- /dev/null
+++ b/vignettes/base/HDS/openStream.html
@@ -0,0 +1,86 @@
+
+
+
+
+ Open a HDS stream pack file, this function will create a new file is the given **`file`** is not exists
+
+
+
+
+
+
+
+
+
+
+
openStream {HDS}
+
R Documentation
+
+
+
+
Open a HDS stream pack file, this function will create a new file is the given **`file`** is not exists
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/HDS/tree.html b/vignettes/base/HDS/tree.html
new file mode 100644
index 0000000..78a24d9
--- /dev/null
+++ b/vignettes/base/HDS/tree.html
@@ -0,0 +1,72 @@
+
+
+
+
+ Get the filesystem tree inside the given HDS pack file
+
+
+
+
+
+
+
+
+
+
+
tree {HDS}
+
R Documentation
+
+
+
+
Get the filesystem tree inside the given HDS pack file
+
+
Description
+
+
+
+
Usage
+
+
+
tree(pack,
+ showReadme = TRUE);
+
+
+
Arguments
+
+
+
+
pack
+
-
+
+
+
showReadme
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
\ No newline at end of file
diff --git a/vignettes/base/IO/dumpDf.html b/vignettes/base/IO/dumpDf.html
new file mode 100644
index 0000000..3935f64
--- /dev/null
+++ b/vignettes/base/IO/dumpDf.html
@@ -0,0 +1,89 @@
+
+
+
+
+ Dumping a large json/xml dataset into a data table file
+
+
+
+
+
+
+
+
+
+
+
dumpDf {IO}
+
R Documentation
+
+
+
+
Dumping a large json/xml dataset into a data table file
+
+
Description
+
+
+
+
Usage
+
+
+
dumpDf(source, projection,
+ type = JSON,
+ trim = NULL,
+ filter = NULL);
+
+
+
Arguments
+
+
+
+
source
+
the source data object
+
+
+
type
+
the data format of the string content in source data object.
+
+
+
projection
+
data fields in the content object from the source will be dump
+ to the data table object.
+
+
+
trim
+
some fields needs removes the additional blank space and new
+ line symbol. the field names in this parameter should be contains
+ in projection field list.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type pipeline.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/JSON.html b/vignettes/base/JSON.html
new file mode 100644
index 0000000..880415c
--- /dev/null
+++ b/vignettes/base/JSON.html
@@ -0,0 +1,164 @@
+
+
+
+
+
+
+ JSON
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
{JSON}
+
R# Documentation
+
+
+
+
JSON
+
+
+
+ require(R);
+
#' JSON (JavaScript Object Notation) is a lightweight data-interchange format. imports "JSON" from "base";
+
+
+
JSON (JavaScript Object Notation) is a lightweight data-interchange format.
+ It is easy for humans to read and write. It is easy for machines to parse and
+ generate. It is based on a subset of the JavaScript Programming Language
+ Standard ECMA-262 3rd Edition - December 1999. JSON is a text format that
+ is completely language independent but uses conventions of the R# language.
+ JSON is an ideal data-interchange language.
+
+
JSON Is built On two structures:
+
+
+
A collection Of name/value pairs. In various languages, this Is realized As
+ an Object, record, struct, dictionary, hash table, keyed list, Or
+ associative array.
+
An ordered list Of values. In most languages, this Is realized As an array,
+ vector, list, Or sequence.
+
+
These are universal data structures. Virtually all modern programming languages
+support them In one form Or another. It makes sense that a data format that
+Is interchangeable With programming languages also be based On these structures.
+
+
+
+
JSON (JavaScript Object Notation) is a lightweight data-interchange format.
+ It is easy for humans to read and write. It is easy for machines to parse and
+ generate. It is based on a subset of the JavaScript Programming Language
+ Standard ECMA-262 3rd Edition - December 1999. JSON is a text format that
+ is completely language independent but uses conventions of the R# language.
+ JSON is an ideal data-interchange language.
+
+
JSON Is built On two structures:
+
+
+
A collection Of name/value pairs. In various languages, this Is realized As
+ an Object, record, struct, dictionary, hash table, keyed list, Or
+ associative array.
+
An ordered list Of values. In most languages, this Is realized As an array,
+ vector, list, Or sequence.
+
+
These are universal data structures. Virtually all modern programming languages
+support them In one form Or another. It makes sense that a data format that
+Is interchangeable With programming languages also be based On these structures.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/JSON/object.html b/vignettes/base/JSON/object.html
new file mode 100644
index 0000000..69b2017
--- /dev/null
+++ b/vignettes/base/JSON/object.html
@@ -0,0 +1,76 @@
+
+
+
+
+ Convert the raw json model into R data object
+
+
+
+
+
+
+
+
+
+
+
object {JSON}
+
R Documentation
+
+
+
+
Convert the raw json model into R data object
+
+
Description
+
+
+
+
Usage
+
+
+
object(json, schema,
+ decodeMetachar = TRUE);
+
+
+
Arguments
+
+
+
+
json
+
-
+
+
+
schema
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/JSON/parseBSON.html b/vignettes/base/JSON/parseBSON.html
new file mode 100644
index 0000000..e226ec3
--- /dev/null
+++ b/vignettes/base/JSON/parseBSON.html
@@ -0,0 +1,76 @@
+
+
+
+
+ parse the binary JSON data into the raw JSON model or R data object
+
+
+
+
+
+
+
+
+
+
+
parseBSON {JSON}
+
R Documentation
+
+
+
+
parse the binary JSON data into the raw JSON model or R data object
+
+
Description
+
+
+
+
Usage
+
+
+
parseBSON(buffer,
+ raw = FALSE);
+
+
+
Arguments
+
+
+
+
buffer
+
the binary data package in BSON format
+
+
+
raw
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/JSON/parseJSON.html b/vignettes/base/JSON/parseJSON.html
new file mode 100644
index 0000000..480ee19
--- /dev/null
+++ b/vignettes/base/JSON/parseJSON.html
@@ -0,0 +1,76 @@
+
+
+
+
+ parse JSON string into the raw JSON model or R data object
+
+
+
+
+
+
+
+
+
+
+
parseJSON {JSON}
+
R Documentation
+
+
+
+
parse JSON string into the raw JSON model or R data object
+
+
Description
+
+
+
+
Usage
+
+
+
parseJSON(str,
+ raw = FALSE);
+
+
+
Arguments
+
+
+
+
str
+
The json string being decoded.
+
+
+
raw
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/JSON/writeBSON.html b/vignettes/base/JSON/writeBSON.html
new file mode 100644
index 0000000..68d76a2
--- /dev/null
+++ b/vignettes/base/JSON/writeBSON.html
@@ -0,0 +1,80 @@
+
+
+
+
+ save any R object into BSON stream data
+
+
+
+
+
+
+
the file resource that used for save the BSON data, if this parameter is empty, then
+ a binary data stream that contains the BSON data will be returned.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/base.html b/vignettes/base/base.html
new file mode 100644
index 0000000..2bf1753
--- /dev/null
+++ b/vignettes/base/base.html
@@ -0,0 +1,112 @@
+
+
+
+
+
+
+ base
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
{base}
+
R# Documentation
+
+
+
+
base
+
+
+
+ require(R);
+
#' The R Base Package imports "base" from "base";
+
+
+
The R Base Package
+
+
This package contains the basic functions which let R function as a language:
+ arithmetic, input/output, basic programming support, etc. Its contents are
+ available through inheritance from any environment.
+
+
For a complete list of functions, use ls("base").
+
+
+
The R Base Package
+
+
This package contains the basic functions which let R function as a language:
+ arithmetic, input/output, basic programming support, etc. Its contents are
+ available through inheritance from any environment.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/buffer/float.html b/vignettes/base/buffer/float.html
new file mode 100644
index 0000000..5542b65
--- /dev/null
+++ b/vignettes/base/buffer/float.html
@@ -0,0 +1,85 @@
+
+
+
+
+ apply bit convert of the bytes stream data as floats numbers
+
+
+
+
+
+
+
+
+
+
+
float {buffer}
+
R Documentation
+
+
+
+
apply bit convert of the bytes stream data as floats numbers
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/buffer/integer.html b/vignettes/base/buffer/integer.html
new file mode 100644
index 0000000..f2123d4
--- /dev/null
+++ b/vignettes/base/buffer/integer.html
@@ -0,0 +1,81 @@
+
+
+
+
+ apply bit convert of the bytes stream data as integer numbers
+
+
+
+
+
+
+
+
+
+
+
integer {buffer}
+
R Documentation
+
+
+
+
apply bit convert of the bytes stream data as integer numbers
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/buffer/packBuffer.html b/vignettes/base/buffer/packBuffer.html
new file mode 100644
index 0000000..59f5708
--- /dev/null
+++ b/vignettes/base/buffer/packBuffer.html
@@ -0,0 +1,67 @@
+
+
+
+
+ cast a numeric vector as bytes data in network byte order
+
+
+
+
+
+
+
+
+
+
+
packBuffer {buffer}
+
R Documentation
+
+
+
+
cast a numeric vector as bytes data in network byte order
+
+
Description
+
+
+
+
Usage
+
+
+
packBuffer(x);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Byte[].
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/console/log.html b/vignettes/base/console/log.html
new file mode 100644
index 0000000..ee65374
--- /dev/null
+++ b/vignettes/base/console/log.html
@@ -0,0 +1,77 @@
+
+
+
+
+ Writes the specified string value to the standard output stream.
+
+
+
+
+
+
+
+
+
+
+
log {console}
+
R Documentation
+
+
+
+
Writes the specified string value to the standard output stream.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/console/password.html b/vignettes/base/console/password.html
new file mode 100644
index 0000000..401961f
--- /dev/null
+++ b/vignettes/base/console/password.html
@@ -0,0 +1,65 @@
+
+
+
+
+ Input password on console. only works on windows
+
+
+
+
+
+
+
+
+
+
+
password {console}
+
R Documentation
+
+
+
+
Input password on console. only works on windows
+
+
Description
+
+
+
+
Usage
+
+
+
password(
+ maxLen = 64);
+
+
+
Arguments
+
+
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/console/progressbar.pin.top.html b/vignettes/base/console/progressbar.pin.top.html
new file mode 100644
index 0000000..67ab1af
--- /dev/null
+++ b/vignettes/base/console/progressbar.pin.top.html
@@ -0,0 +1,68 @@
+
+
+
+
+ Pin the top of progress bar
+
+
+
+
+
+
+
+
+
+
+
progressbar.pin.top {console}
+
R Documentation
+
+
+
+
Pin the top of progress bar
+
+
Description
+
+
+
+
Usage
+
+
+
progressbar.pin.top(
+ top = -1);
+
+
+
Arguments
+
+
+
+
top
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type integer.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/jsonlite.html b/vignettes/base/jsonlite.html
new file mode 100644
index 0000000..b285fc1
--- /dev/null
+++ b/vignettes/base/jsonlite.html
@@ -0,0 +1,123 @@
+
+
+
+
+
+
+ jsonlite
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
{jsonlite}
+
R# Documentation
+
+
+
+
jsonlite
+
+
+
+ require(R);
+
#' A Simple and Robust JSON Parser and Generator for R imports "jsonlite" from "base";
+
+
+
A Simple and Robust JSON Parser and Generator for R
+
+
A reasonably fast JSON parser and generator, optimized for statistical
+ data and the web. Offers simple, flexible tools for working with JSON in R, and
+ is particularly powerful for building pipelines and interacting with a web API.
+ The implementation is based on the mapping described in the vignette (Ooms, 2014).
+ In addition to converting JSON data from/to R objects, 'jsonlite' contains
+ functions to stream, validate, and prettify JSON data. The unit tests included
+ with the package verify that all edge cases are encoded and decoded consistently
+ for use with dynamic data in systems and applications.
+
+
+
A Simple and Robust JSON Parser and Generator for R
+
+
A reasonably fast JSON parser and generator, optimized for statistical
+ data and the web. Offers simple, flexible tools for working with JSON in R, and
+ is particularly powerful for building pipelines and interacting with a web API.
+ The implementation is based on the mapping described in the vignette (Ooms, 2014).
+ In addition to converting JSON data from/to R objects, 'jsonlite' contains
+ functions to stream, validate, and prettify JSON data. The unit tests included
+ with the package verify that all edge cases are encoded and decoded consistently
+ for use with dynamic data in systems and applications.
These functions are used to convert between JSON data
+ and R objects. The toJSON and fromJSON functions use a
+ class based mapping, which follows conventions outlined
+ in this paper: https://arxiv.org/abs/1403.2805 (also
+ available as vignette).
These functions are used to convert between JSON data and R
+ objects. The toJSON and fromJSON functions use a class based
+ mapping, which follows conventions outlined in this paper:
+ https://arxiv.org/abs/1403.2805 (also available as vignette).
+
+
\ No newline at end of file
diff --git a/vignettes/base/jsonlite/fromJSON.html b/vignettes/base/jsonlite/fromJSON.html
new file mode 100644
index 0000000..f34ce6b
--- /dev/null
+++ b/vignettes/base/jsonlite/fromJSON.html
@@ -0,0 +1,112 @@
+
+
+
+
+ Convert R objects to/from JSON
+
+
+
+
+
+
+
+
+
+
+
fromJSON {jsonlite}
+
R Documentation
+
+
+
+
Convert R objects to/from JSON
+
+
Description
+
+
These functions are used to convert between JSON data and R objects. The toJSON and fromJSON functions use a class based mapping, which follows conventions outlined in this paper: https://arxiv.org/abs/1403.2805 (also available as vignette).
coerce JSON arrays containing only primitives into an atomic vector
+
+
+
simplifyDataFrame
+
coerce JSON arrays containing only records (JSON objects) into a data frame
+
+
+
simplifyMatrix
+
coerce JSON arrays containing vectors of equal mode and dimension into matrix or array
+
+
+
flatten
+
automatically flatten nested data frames into a single non-nested data frame
+
+
+
args
+
arguments passed on to class specific print methods
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
The toJSON and fromJSON functions are drop-in replacements
+ for the identically named functions in packages rjson and
+ RJSONIO. Our implementation uses an alternative, somewhat
+ more consistent mapping between R objects and JSON strings.
+
+
The serializeJSON and unserializeJSON functions in this
+ package use an alternative system to convert between R objects
+ and JSON, which supports more classes but is much more verbose.
+ A JSON string is always unicode, using UTF-8 by default,
+ hence there is usually no need to escape any characters.
+ However, the JSON format does support escaping of unicode
+ characters, which are encoded using a backslash followed
+ by a lower case "u" and 4 hex characters, for example:
+ "Z\u00FCrich". The fromJSON function will parse such escape
+ sequences but it is usually preferable to encode unicode
+ characters in JSON using native UTF-8 rather than escape
+ sequences.
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/jsonlite/toJSON.html b/vignettes/base/jsonlite/toJSON.html
new file mode 100644
index 0000000..75e3b1f
--- /dev/null
+++ b/vignettes/base/jsonlite/toJSON.html
@@ -0,0 +1,175 @@
+
+
+
+
+ Convert R objects to/from JSON
+
+
+
+
+
+
+
+
+
+
+
toJSON {jsonlite}
+
R Documentation
+
+
+
+
Convert R objects to/from JSON
+
+
Description
+
+
These functions are used to convert between JSON data and R objects. The toJSON and fromJSON functions use a class based mapping, which follows conventions outlined in this paper: https://arxiv.org/abs/1403.2805 (also available as vignette).
how to encode data.frame objects: must
+ be one of 'rows', 'columns' or 'values'
+
+
+
matrix
+
how to encode matrices and higher dimensional
+ arrays: must be one of 'rowmajor' or 'columnmajor'.
+
+
+
Date
+
how to encode Date objects: must be one of
+ 'ISO8601' or 'epoch'
+
+
+
POSIXt
+
how to encode POSIXt (datetime) objects:
+ must be one of 'string', 'ISO8601', 'epoch' or 'mongo'
+
+
+
factor
+
how to encode factor objects: must be one
+ of 'string' or 'integer'
+
+
+
complex
+
how to encode complex numbers: must be
+ one of 'string' or 'list'
+
+
+
raw
+
how to encode raw objects: must be one of
+ 'base64', 'hex' or 'mongo'
+
+
+
null
+
how to encode NULL values within a list:
+ must be one of 'null' or 'list'
+
+
+
na
+
how to print NA values: must be one of 'null'
+ or 'string'. Defaults are class specific
+
+
+
auto.unbox
+
automatically unbox all atomic vectors
+ of length 1. It is usually safer to avoid this and instead use
+ the unbox function to unbox individual elements. An exception is
+ that objects of class AsIs (i.e. wrapped in I()) are not
+ automatically unboxed. This is a way to mark single values as
+ length-1 arrays.
+
+
+
digits
+
max number of decimal digits to print for
+ numeric values. Use I() to specify significant digits. Use NA
+ for max precision.
+
+
+
pretty
+
adds indentation whitespace to JSON output.
+ Can be TRUE/FALSE or a number specifying the number of spaces
+ to indent. See prettify
+
+
+
force
+
unclass/skip objects of classes with no
+ defined JSON mapping
+
+
+
args
+
arguments passed on to class specific print
+ methods
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
The toJSON and fromJSON functions are drop-in replacements for
+ the identically named functions in packages rjson and RJSONIO.
+ Our implementation uses an alternative, somewhat more
+ consistent mapping between R objects and JSON strings.
+ The serializeJSON and unserializeJSON functions in this package
+ use an alternative system to convert between R objects and JSON,
+ which supports more classes but is much more verbose.
+ A JSON string is always unicode, using UTF-8 by default, hence
+ there is usually no need to escape any characters. However,
+ the JSON format does support escaping of unicode characters,
+ which are encoded using a backslash followed by a lower case
+ "u" and 4 hex characters, for example: "Z\u00FCrich". The
+ fromJSON function will parse such escape sequences but it is
+ usually preferable to encode unicode characters in JSON using
+ native UTF-8 rather than escape sequences.
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
\ No newline at end of file
diff --git a/vignettes/base/netCDF.utils/attr.html b/vignettes/base/netCDF.utils/attr.html
new file mode 100644
index 0000000..db83785
--- /dev/null
+++ b/vignettes/base/netCDF.utils/attr.html
@@ -0,0 +1,76 @@
+
+
+
+
+ get attribute data of a cdf variable
+
+
+
+
+
+
+
+
+
+
+
attr {netCDF.utils}
+
R Documentation
+
+
+
+
get attribute data of a cdf variable
+
+
Description
+
+
+
+
Usage
+
+
+
attr(file, name,
+ list = FALSE);
+
+
+
Arguments
+
+
+
+
file
+
-
+
+
+
name
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/netCDF.utils/dataframe.html b/vignettes/base/netCDF.utils/dataframe.html
new file mode 100644
index 0000000..1d0f0f2
--- /dev/null
+++ b/vignettes/base/netCDF.utils/dataframe.html
@@ -0,0 +1,71 @@
+
+
+
+
+ read multiple variable symbols in the given cdf file and then create as dataframe object
+
+
+
+
+
+
+
+
+
+
+
dataframe {netCDF.utils}
+
R Documentation
+
+
+
+
read multiple variable symbols in the given cdf file and then create as dataframe object
+
+
Description
+
+
+
+
Usage
+
+
+
dataframe(cdf, symbols, rownames);
+
+
+
Arguments
+
+
+
+
cdf
+
-
+
+
+
symbols
+
the symbol will be used as the columns in the generated dataframe
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type dataframe.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/stringr.html b/vignettes/base/stringr.html
new file mode 100644
index 0000000..fee8edd
--- /dev/null
+++ b/vignettes/base/stringr.html
@@ -0,0 +1,136 @@
+
+
+
+
+
+
+ stringr
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
{stringr}
+
R# Documentation
+
+
+
+
stringr
+
+
+
+ require(R);
+
#' Simple, Consistent Wrappers for Common String Operations imports "stringr" from "base";
+
+
+
Simple, Consistent Wrappers for Common String Operations
+
+
stringr provide fast, correct implementations of common string manipulations.
+ stringr focusses on the most important and commonly used string manipulation
+ functions whereas stringi provides a comprehensive set covering almost anything
+ you can imagine.
+
+
+
Simple, Consistent Wrappers for Common String Operations
+
+
stringr provide fast, correct implementations of common string manipulations.
+ stringr focusses on the most important and commonly used string manipulation
+ functions whereas stringi provides a comprehensive set covering almost anything
+ you can imagine.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/stringr/fromXML.html b/vignettes/base/stringr/fromXML.html
new file mode 100644
index 0000000..c069018
--- /dev/null
+++ b/vignettes/base/stringr/fromXML.html
@@ -0,0 +1,71 @@
+
+
+
+
+ parse XML text data into R object
+
+
+
+
+
+
+
+
+
+
+
fromXML {stringr}
+
R Documentation
+
+
+
+
parse XML text data into R object
+
+
Description
+
+
+
+
Usage
+
+
+
fromXML(str);
+
+
+
Arguments
+
+
+
+
str
+
the xml text
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/stringr/levenshtein.html b/vignettes/base/stringr/levenshtein.html
new file mode 100644
index 0000000..0d14e54
--- /dev/null
+++ b/vignettes/base/stringr/levenshtein.html
@@ -0,0 +1,71 @@
+
+
+
+
+ Compute the edit distance between two strings is defined as the
+
+
+
+
+
+
+
+
+
+
+
levenshtein {stringr}
+
R Documentation
+
+
+
+
Compute the edit distance between two strings is defined as the
+
+
Description
+
+
minimum number of edit operations required to transform one string into another.
+
+
Usage
+
+
+
levenshtein(x, y);
+
+
+
Arguments
+
+
+
+
x$
+
-
+
+
+
y$
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type DistResult.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/base/utils/readRData.html b/vignettes/base/utils/readRData.html
new file mode 100644
index 0000000..e52c4af
--- /dev/null
+++ b/vignettes/base/utils/readRData.html
@@ -0,0 +1,67 @@
+
+
+
+
+ read ``*.rda`` data file which is saved from R environment.
+
+
+
+
+
+
+
+
+
+
+
readRData {utils}
+
R Documentation
+
+
+
+
read ``*.rda`` data file which is saved from R environment.
+
+
Description
+
+
+
+
Usage
+
+
+
readRData(file);
+
+
+
Arguments
+
+
+
+
file
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+# namespace Microsoft.VisualBasic.ApplicationServices.Development
+export class AssemblyInfo {
+ AssemblyTitle: string;
+ AssemblyDescription: string;
+ AssemblyCompany: string;
+ AssemblyProduct: string;
+ AssemblyCopyright: string;
+ AssemblyTrademark: string;
+ AssemblyInformationalVersion: string;
+ TargetFramework: string;
+ ComVisible: boolean;
+ Name: string;
+ # The following GUID is for the ID of the typelib if this project is exposed to COM
+ Guid: string;
+ AssemblyVersion: string;
+ AssemblyFileVersion: string;
+ AssemblyFullName: string;
+ # The compile date and time of the assembly file.
+ BuiltTime: DateTime;
+}
+
+
+
+# namespace Microsoft.VisualBasic.Data.ChartPlots.Graphic.Legend
+export class LegendObject {
+ # The shape of this legend
+ style: LegendStyles;
+ # The legend label
+ title: string;
+ # The color of the legend @``P:Microsoft.VisualBasic.Data.ChartPlots.Graphic.Legend.LegendObject.style`` shape.
+ color: string;
+ # CSS expression, which can be parsing by @``T:Microsoft.VisualBasic.MIME.Html.CSS.CSSFont``, drawing font of @``P:Microsoft.VisualBasic.Data.ChartPlots.Graphic.Legend.LegendObject.title``
+ fontstyle: string;
+}
+
+
+
+# namespace Microsoft.VisualBasic.Data.ChartPlots.Plot3D
+export class Serial3D {
+ Title: string;
+ Color: Color;
+ Shape: LegendStyles;
+ # The point data which tagged a name label, if the label is empty, then will not display on the plot.
+ Points: NamedValue`1[];
+ PointSize: double;
+}
+
+
+
+ Sequence Graph Transform (SGT) — Sequence Embedding for Clustering, Classification, and Search
+
+ Sequence Graph Transform (SGT) is a sequence embedding function. SGT extracts
+ the short- and long-term sequence features and embeds them in a finite-dimensional
+ feature space. The long and short term patterns embedded in SGT can be tuned
+ without any increase in the computation.
+
+ > https://github.com/cran2367/sgt/blob/25bf28097788fbbf9727abad91ec6e59873947cc/python/sgt-package/sgt/sgt.py
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.Data.GraphTheory
+export class SequenceGraphTransform {
+ alphabets: string;
+ # the feature name is the combination of @``P:Microsoft.VisualBasic.Data.GraphTheory.SequenceGraphTransform.alphabets``
+ feature_names: string;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/Wave/WaveFile.html b/vignettes/clr/Microsoft/VisualBasic/Data/Wave/WaveFile.html
new file mode 100644
index 0000000..20e9dec
--- /dev/null
+++ b/vignettes/clr/Microsoft/VisualBasic/Data/Wave/WaveFile.html
@@ -0,0 +1,69 @@
+
+
+
+
+ Microsoft.VisualBasic.Data.Wave.WaveFile
+
+
+
+
+
+
+
+
+
+
+
WaveFile {Microsoft.VisualBasic.Data.Wave}
+
.NET clr documentation
+
+
+
+
WaveFile
+
+
Description
+
+ The wav file model
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.Data.Wave
+export class WaveFile {
+ # Contains the letters "RIFF" in ASCII form (0x52494646 big-endian form).
+ # Resource Interchange File Format.
+ magic: string;
+ # ``36 + SubChunk2Size``, or more precisely:
+ #
+ # ```
+ # 4 + (8 + SubChunk1Size) + (8 + SubChunk2Size)
+ # ```
+ #
+ # This Is the size of the rest of the chunk
+ # following this number. This Is the size Of the
+ # entire file In bytes minus 8 bytes For the
+ # two fields Not included In this count:
+ # ChunkID And ChunkSize.
+ fileSize: integer;
+ # Contains the letters "WAVE" (0x57415645 big-endian form).
+ format: string;
+ # Subchunk1
+ fmt: FMTSubChunk;
+ # Subchunk2
+ data: SampleDataChunk;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/csv/IO/File.html b/vignettes/clr/Microsoft/VisualBasic/Data/csv/IO/File.html
new file mode 100644
index 0000000..3c98e74
--- /dev/null
+++ b/vignettes/clr/Microsoft/VisualBasic/Data/csv/IO/File.html
@@ -0,0 +1,61 @@
+
+
+
+
+ Microsoft.VisualBasic.Data.csv.IO.File
+
+
+
+
+
+
+
+
+
+
+
File {Microsoft.VisualBasic.Data.csv.IO}
+
.NET clr documentation
+
+
+
+
File
+
+
Description
+
+ A comma character seperate table file that can be read and write in the EXCEL.
+ (一个能够被Excel程序所读取的表格文件)
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.Data.csv.IO
+export class File {
+ # The first row in the table was using as the headers
+ Headers: RowObject;
+ # Get all rows in current table object
+ Rows: RowObject[];
+ # Get the max width number of the rows in the table.(返回表中的元素最多的一列的列数目)
+ Width: integer;
+ # 将本文件之中的所有列取出来,假若有任意一个列的元素的数目不够的话,则会在相应的位置之上使用空白来替换
+ Columns: IEnumerable`1;
+ EstimatedFileSize: double;
+ # Row Counts
+ RowNumbers: integer;
+ IsReadOnly: boolean;
+}
+
+
+
+# namespace Microsoft.VisualBasic.Data.visualize.Network.Graph
+export class NetworkGraph {
+ # Returns the set of all Nodes that have emanating Edges.
+ # This therefore returns all Nodes that will be visible in the drawing.
+ # (这个属性之中是没有任何孤立的节点的)
+ connectedNodes: Node[];
+ pinnedNodes: Node[];
+ size: ValueTuple`2;
+ vertex: IEnumerable`1;
+ graphEdges: IEnumerable`1;
+}
+
+
+
+# namespace Microsoft.VisualBasic.Imaging.Drawing2D.HeatMap
+export class RasterScaler {
+ # the dimension size of the bitmap buffer data
+ size: Size;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Point3D.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Point3D.html
new file mode 100644
index 0000000..a55367f
--- /dev/null
+++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Point3D.html
@@ -0,0 +1,57 @@
+
+
+
+
+ Microsoft.VisualBasic.Imaging.Drawing3D.Point3D
+
+
+
+
+
+
+
+
+
+
+
Point3D {Microsoft.VisualBasic.Imaging.Drawing3D}
+
.NET clr documentation
+
+
+
+
Point3D
+
+
Description
+
+ Defines the Point3D class that represents points in 3D space with @``T:System.Single`` precise.
+ Developed by leonelmachava
+ http://codentronix.com
+
+ Copyright (c) 2011 Leonel Machava
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.Imaging.Drawing3D
+export class Point3D {
+ # The depth of a point in the isometric plane
+ Depth: double;
+ X: double;
+ Y: double;
+ Z: double;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/IGraphics.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/IGraphics.html
new file mode 100644
index 0000000..6676d35
--- /dev/null
+++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/IGraphics.html
@@ -0,0 +1,72 @@
+
+
+
+
+ Microsoft.VisualBasic.Imaging.IGraphics
+
+
+
+
+
+
+
+
+
+
+
IGraphics {Microsoft.VisualBasic.Imaging}
+
.NET clr documentation
+
+
+
+
IGraphics
+
+
Description
+
+ Encapsulates a GDI+(bitmap, wmf)/SVG etc drawing surface. This class must be inherited.
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.Imaging
+export class IGraphics {
+ # the current canvas size in pixels: [width, height]
+ Size: Size;
+ # set background via @``M:Microsoft.VisualBasic.Imaging.IGraphics.Clear(System.Drawing.Color)`` method.
+ Background: Color;
+ # Gets a value that specifies how composited images are drawn to this System.Drawing.Graphics.
+ CompositingMode: CompositingMode;
+ # Gets or sets the rendering quality of composited images drawn to this System.Drawing.Graphics.
+ CompositingQuality: CompositingQuality;
+ # Gets the horizontal resolution of this System.Drawing.Graphics.
+ DpiX: double;
+ # Gets the vertical resolution of this System.Drawing.Graphics.
+ DpiY: double;
+ # max value of the [DpiX, DpiY]
+ Dpi: double;
+ InterpolationMode: InterpolationMode;
+ IsClipEmpty: boolean;
+ IsVisibleClipEmpty: boolean;
+ PageScale: double;
+ PageUnit: GraphicsUnit;
+ PixelOffsetMode: PixelOffsetMode;
+ RenderingOrigin: Point;
+ SmoothingMode: SmoothingMode;
+ TextContrast: integer;
+ TextRenderingHint: TextRenderingHint;
+}
+
+
+
+ A D3 plug-in for automatic label placement using simulated annealing that
+ easily incorporates into existing D3 code, with syntax mirroring other
+ D3 layouts.
+
+
+
+ A lambda expression that consist with the
+ @``P:Microsoft.VisualBasic.MIME.application.xml.MathML.LambdaExpression.parameters`` and @``P:Microsoft.VisualBasic.MIME.application.xml.MathML.LambdaExpression.lambda``
+ body.
+
+ example as: ``f(x) = x ^ 2``
+
+
+
+ A network class holding the layers and some helper functions
+ for training and validation.
+
+ Convolutional neural network (CNN) is a regularized type of feed-forward
+ neural network that learns feature engineering by itself via filters
+ (or kernel) optimization. Vanishing gradients and exploding gradients,
+ seen during backpropagation in earlier neural networks, are prevented by
+ using regularized weights over fewer connections.
+
+ @author Daniel Persson (mailto.woden@gmail.com) and s.chekanov
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.MachineLearning.CNN
+export class ConvolutionalNN {
+ LayerNum: integer;
+ input: InputLayer;
+ output: LossLayer;
+ # Accumulate parameters and gradients for the entire network
+ BackPropagationResult: BackPropResult[];
+ # This is a convenience function for returning the argmax
+ # prediction, assuming the last layer of the net is a softmax
+ Prediction: integer;
+}
+
+
+
+# namespace Microsoft.VisualBasic.MachineLearning.CNN
+export class LayerBuilder {
+ # the layers object in this builder is already been initialized?
+ Initialized: boolean;
+}
+
+
+
+ Trainers take the generated output of activations and gradients in
+ order to modify the weights in the network to make a better prediction
+ the next time the network runs with a data block.
+
+ @author Daniel Persson (mailto.woden@gmail.com)
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/Problem.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/Problem.html
new file mode 100644
index 0000000..3a23789
--- /dev/null
+++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/Problem.html
@@ -0,0 +1,60 @@
+
+
+
+
+ Microsoft.VisualBasic.MachineLearning.SVM.Problem
+
+
+
+
+
+
+
+
+
+
+
Problem {Microsoft.VisualBasic.MachineLearning.SVM}
+
.NET clr documentation
+
+
+
+
Problem
+
+
Description
+
+ Encapsulates a problem, or set of vectors which must be classified.
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.MachineLearning.SVM
+export class Problem {
+ # Number of vectors.
+ count: integer;
+ # Class labels.
+ Y: ColorClass[];
+ # Vector data.
+ X: Node[][];
+ # Maximum index for a vector. this value is the width of each
+ # row in @``P:Microsoft.VisualBasic.MachineLearning.SVM.Problem.X`` and equals to the length of vector
+ # @``P:Microsoft.VisualBasic.MachineLearning.SVM.Problem.dimensionNames``
+ maxIndex: integer;
+ # the width of each row in @``P:Microsoft.VisualBasic.MachineLearning.SVM.Problem.X``
+ dimensionNames: string;
+}
+
+
+
+ A trained svm data model that can be apply for classify analysis.
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.MachineLearning.SVM
+export class SVMModel {
+ model: Model;
+ transform: IRangeTransform;
+ # use for get @``T:Microsoft.VisualBasic.DataMining.ComponentModel.Encoder.ColorClass`` based on
+ # the prediction result value
+ factors: ClassEncoder;
+ SVR: boolean;
+ dimensionNames: string;
+}
+
+
+
+ Tiny implement of Gradient Boosting tree
+
+ It is a Tiny implement of Gradient Boosting tree, based on
+ XGBoost's scoring function and SLIQ's efficient tree building
+ algorithm. TGBoost build the tree in a level-wise way as in
+ SLIQ (by constructing Attribute list and Class list).
+ Currently, TGBoost support parallel learning on single machine,
+ the speed and memory consumption are comparable to XGBoost.
+
+ TGBoost supports most features As other library:
+
+ + Built-in loss , Square error loss for regression task, Logistic loss for classification task
+ + Early stopping, evaluate On validation Set And conduct early stopping
+ + Feature importance, output the feature importance after training
+ + Regularization , lambda, gamma
+ + Randomness, subsample,colsample
+ + Weighted loss Function , assign weight To Each sample
+
+ Another two features are novel:
+
+ + Handle missing value, XGBoost learn a direction For those
+ With missing value, the direction Is left Or right. TGBoost
+ take a different approach: it enumerate missing value go To
+ left child, right child And missing value child, Then
+ choose the best one. So TGBoost use Ternary Tree.
+ + Handle categorical feature, TGBoost order the categorical
+ feature by their statistic (Gradient_sum / Hessian_sum) On
+ Each tree node, Then conduct split finding As numeric
+ feature.
+
+
+
+ ODEs output, this object can populates the @``P:Microsoft.VisualBasic.Math.Calculus.Dynamics.Data.ODEsOut.y``
+ variables values through its enumerator interface.
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.Math.Calculus.Dynamics.Data
+export class ODEsOut {
+ x: double;
+ y: list;
+ # 方程组的初始值,积分结果会受到初始值的极大的影响
+ y0: list;
+ params: list;
+ # 得到进行积分的步进值
+ dx: double;
+ # 获取得到积分计算的分辨率的数值
+ Resolution: double;
+ # Is there NAN value in the function value @``P:Microsoft.VisualBasic.Math.Calculus.Dynamics.Data.ODEsOut.y`` ???
+ HaveNaN: boolean;
+}
+
+
+
+ Implementation of the Greenwald and Khanna algorithm for streaming
+ calculation of epsilon-approximate quantiles.
+
+ See:
+
+ > Greenwald and Khanna, "Space-efficient online computation of quantile summaries" in SIGMOD 2001
+
+
+
+# namespace Microsoft.VisualBasic.Math.SignalProcessing
+export class GeneralSignal {
+ # usually is the time in unit second.(x axis)
+ Measures: double;
+ # the signal strength.(y axis)
+ Strength: double;
+ # the unique reference id, or the variable name
+ reference: string;
+ measureUnit: string;
+ description: string;
+ meta: list;
+ weight: double;
+ MeasureRange: DoubleRange;
+}
+
+
+
+ `FishersExactPvalues` holds the pvalues calculated by the `fishers_exact` function.
+
+
Declare
+
+
+
+# namespace Microsoft.VisualBasic.Math.Statistics.Hypothesis.FishersExact
+export class FishersExactPvalues {
+ # pvalue for the two-tailed test. Use this when there Is no prior alternative.
+ two_tail_pvalue: double;
+ # pvalue for the "left" Or "lesser" tail. Use this when the alternative to
+ # independence Is that there Is negative association between the variables.
+ # That Is, the observations tend to lie in lower left And upper right.
+ less_pvalue: double;
+ # Use this when the alternative to independence Is that there Is positive
+ # association between the variables. That Is, the observations tend to lie
+ # in upper left And lower right.
+ greater_pvalue: double;
+ # [a,b,c,d]
+ matrix: integer;
+ hyper_state: HyperState;
+}
+
+
+
+# namespace Microsoft.VisualBasic.Math.Statistics.Hypothesis
+export class TtestResult {
+ # the degrees of freedom for the t-statistic.
+ DegreeFreedom: double;
+ # the p-value For the test.
+ Pvalue: double;
+ # the value of the t-statistic.
+ TestValue: double;
+ opt: Topt;
+ # Sample mean
+ Mean: double;
+ StdErr: double;
+ SD: double;
+ x: double;
+ ci95: double;
+}
+
+
+
+# namespace Microsoft.VisualBasic.Net.Http
+export class WebResponseResult {
+ # the text content result data of the current web http request
+ html: string;
+ headers: ResponseHeaders;
+ timespan: integer;
+ url: string;
+ payload: string;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/SMRUCC/Rsharp/Development/Components/ZipFolder.html b/vignettes/clr/SMRUCC/Rsharp/Development/Components/ZipFolder.html
new file mode 100644
index 0000000..b2b83e4
--- /dev/null
+++ b/vignettes/clr/SMRUCC/Rsharp/Development/Components/ZipFolder.html
@@ -0,0 +1,50 @@
+
+
+
+
+ SMRUCC.Rsharp.Development.Components.ZipFolder
+
+
+
+
+
+
+
+
+
+
+
ZipFolder {SMRUCC.Rsharp.Development.Components}
+
.NET clr documentation
+
+
+
+
ZipFolder
+
+
Description
+
+ open zip for read data.
+
+
Declare
+
+
+
+# namespace SMRUCC.Rsharp.Development.Components
+export class ZipFolder {
+ # populate all files inside internal of this zip file.
+ ls: string;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/SMRUCC/Rsharp/Development/Package/Package.html b/vignettes/clr/SMRUCC/Rsharp/Development/Package/Package.html
new file mode 100644
index 0000000..cf94857
--- /dev/null
+++ b/vignettes/clr/SMRUCC/Rsharp/Development/Package/Package.html
@@ -0,0 +1,61 @@
+
+
+
+
+ SMRUCC.Rsharp.Development.Package.Package
+
+
+
+
+
+
+
+
+
+
+
Package {SMRUCC.Rsharp.Development.Package}
+
.NET clr documentation
+
+
+
+
Package
+
+
Description
+
+ The R# package module wrapper
+
+
Declare
+
+
+
+# namespace SMRUCC.Rsharp.Development.Package
+export class Package {
+ info: PackageAttribute;
+ # the package assembly module.
+ package: Type;
+ is_basePackage: boolean;
+ namespace: string;
+ libPath: string;
+ # the @``P:SMRUCC.Rsharp.Development.Package.Package.package`` assembly module is nothing means
+ # the current package object is missing on your filesystem.
+ isMissing: boolean;
+ # Get all api names in this package module
+ ls: string;
+ # get the .net clr dll assembly basename without extension suffix
+ dllName: string;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/SMRUCC/Rsharp/Runtime/Components/Message.html b/vignettes/clr/SMRUCC/Rsharp/Runtime/Components/Message.html
new file mode 100644
index 0000000..b019d7a
--- /dev/null
+++ b/vignettes/clr/SMRUCC/Rsharp/Runtime/Components/Message.html
@@ -0,0 +1,58 @@
+
+
+
+
+ SMRUCC.Rsharp.Runtime.Components.Message
+
+
+
+
+
+
+
+
+
+
+
Message {SMRUCC.Rsharp.Runtime.Components}
+
.NET clr documentation
+
+
+
+
Message
+
+
Description
+
+ The warning message and exception message
+
+
Declare
+
+
+
+# namespace SMRUCC.Rsharp.Runtime.Components
+export class Message {
+ # the message content about this error or warning
+ message: string;
+ # the .NET log levels of current message object, value could be warning and error
+ level: MSG_TYPES;
+ # [R# runtime] the R# scripting environment runtime stack trace
+ environmentStack: StackFrame[];
+ # [VB.NET runtime] the R# engine stack trace
+ trace: StackFrame[];
+ # the source R# expression that cause this error or warning message
+ source: Expression;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/dataframe.html b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/dataframe.html
new file mode 100644
index 0000000..575ad4d
--- /dev/null
+++ b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/dataframe.html
@@ -0,0 +1,76 @@
+
+
+
+
+ SMRUCC.Rsharp.Runtime.Internal.Object.dataframe
+
+
+
+
+
+
+
+
+
+
+
dataframe {SMRUCC.Rsharp.Runtime.Internal.Object}
+
.NET clr documentation
+
+
+
+
dataframe
+
+
Description
+
+ A data frame, a matrix-like structure whose columns
+ may be of differing types (numeric, logical, factor
+ and character and so on).
+
+ How the names Of the data frame are created Is complex,
+ And the rest Of this paragraph Is only the basic
+ story. If the arguments are all named And simple objects
+ (Not lists, matrices Of data frames) Then the argument
+ names give the column names. For an unnamed simple
+ argument, a deparsed version Of the argument Is used
+ As the name (With an enclosing I(...) removed). For a
+ named matrix/list/data frame argument With more than
+ one named column, the names Of the columns are the name
+ Of the argument followed by a dot And the column name
+ inside the argument: If the argument Is unnamed, the
+ argument's column names are used. For a named or unnamed
+ matrix/list/data frame argument that contains a single
+ column, the column name in the result is the column
+ name in the argument. Finally, the names are adjusted
+ to be unique and syntactically valid unless
+ ``check.names = FALSE``.
+
+
Declare
+
+
+
+# namespace SMRUCC.Rsharp.Runtime.Internal.Object
+export class dataframe {
+ # 长度为1或者长度为n
+ columns: list;
+ rownames: string;
+ # get all keys names of @``P:SMRUCC.Rsharp.Runtime.Internal.Object.dataframe.columns`` data
+ colnames: string;
+ # column @``P:System.Array.Length``
+ nrows: integer;
+ ncols: integer;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/pipeline.html b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/pipeline.html
new file mode 100644
index 0000000..8c3ea82
--- /dev/null
+++ b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/pipeline.html
@@ -0,0 +1,61 @@
+
+
+
+
+ SMRUCC.Rsharp.Runtime.Internal.Object.pipeline
+
+
+
+
+
+
+
+
+
+
+
pipeline {SMRUCC.Rsharp.Runtime.Internal.Object}
+
.NET clr documentation
+
+
+
+
pipeline
+
+
Description
+
+ The R# data pipeline
+
+ this model object is a kind of wrapper of the .net clr @``T:System.Collections.IEnumerable`` interface
+
+
Declare
+
+
+
+# namespace SMRUCC.Rsharp.Runtime.Internal.Object
+export class pipeline {
+ # The action will be called after finish loop on the sequence.
+ # Null value of this property will be ignored
+ pipeFinalize: Action;
+ # contains an error message in the pipeline populator or
+ # the pipeline data is an error message. You can get the
+ # error message via function @``M:SMRUCC.Rsharp.Runtime.Internal.Object.pipeline.getError`` when
+ # this property value is TRUE
+ isError: boolean;
+ # current data pipeline is a data message?
+ isMessage: boolean;
+ elementType: RType;
+}
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/devkit/VisualStudio/il.html b/vignettes/devkit/VisualStudio/il.html
new file mode 100644
index 0000000..4e125b7
--- /dev/null
+++ b/vignettes/devkit/VisualStudio/il.html
@@ -0,0 +1,67 @@
+
+
+
+
+ show IL assembly code of the given R# api
+
+
+
+
+
+
+
+
+
+
+
il {VisualStudio}
+
R Documentation
+
+
+
+
show IL assembly code of the given R# api
+
+
Description
+
+
+
+
Usage
+
+
+
il(api);
+
+
+
Arguments
+
+
+
+
api
+
a R# api function symbol object
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type ILInstruction.
+
+
\ No newline at end of file
diff --git a/vignettes/devkit/automation/config.json.html b/vignettes/devkit/automation/config.json.html
new file mode 100644
index 0000000..09c5962
--- /dev/null
+++ b/vignettes/devkit/automation/config.json.html
@@ -0,0 +1,67 @@
+
+
+
+
+ create config.json data for given Rscript
+
+
+
+
+
+
+
+
+
+
+
config.json {automation}
+
R Documentation
+
+
+
+
create config.json data for given Rscript
+
+
Description
+
+
+
+
Usage
+
+
+
config.json(Rscript);
+
+
+
Arguments
+
+
+
+
Rscript
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type list.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/devkit/clr/open.html b/vignettes/devkit/clr/open.html
new file mode 100644
index 0000000..8436dac
--- /dev/null
+++ b/vignettes/devkit/clr/open.html
@@ -0,0 +1,71 @@
+
+
+
+
+ get .NET clr type via the type **`fullName`**
+
+
+
+
+
+
+
+
+
+
+
open {clr}
+
R Documentation
+
+
+
+
get .NET clr type via the type **`fullName`**
+
+
Description
+
+
+
+
Usage
+
+
+
open(fullName);
+
+
+
Arguments
+
+
+
+
fullName
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
\ No newline at end of file
diff --git a/vignettes/devkit/package_utils/attach.html b/vignettes/devkit/package_utils/attach.html
new file mode 100644
index 0000000..ab8f9b7
--- /dev/null
+++ b/vignettes/devkit/package_utils/attach.html
@@ -0,0 +1,71 @@
+
+
+
+
+ attach and hotload of a package.
+
+
+
+
+
+
+
+
+
+
+
attach {package_utils}
+
R Documentation
+
+
+
+
attach and hotload of a package.
+
+
Description
+
+
+
+
Usage
+
+
+
attach(package);
+
+
+
Arguments
+
+
+
+
package
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/devkit/sqlite/ls.html b/vignettes/devkit/sqlite/ls.html
new file mode 100644
index 0000000..0a5f658
--- /dev/null
+++ b/vignettes/devkit/sqlite/ls.html
@@ -0,0 +1,72 @@
+
+
+
+
+ get all data object that stored in the target sqlite database.
+
+
+
+
+
+
+
+
+
+
+
ls {sqlite}
+
R Documentation
+
+
+
+
get all data object that stored in the target sqlite database.
+
+
Description
+
+
+
+
Usage
+
+
+
ls(con,
+ type = "table");
+
+
+
Arguments
+
+
+
+
con
+
a connection to the sqlite database
+
+
+
type
+
the object type in the sqlite database
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type dataframe.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/devkit/sqlite/open.html b/vignettes/devkit/sqlite/open.html
new file mode 100644
index 0000000..04ae991
--- /dev/null
+++ b/vignettes/devkit/sqlite/open.html
@@ -0,0 +1,77 @@
+
+
+
+
+ Open a connection to a local sqlite database file
+
+
+
+
+
+
+
+
+
+
+
open {sqlite}
+
R Documentation
+
+
+
+
Open a connection to a local sqlite database file
+
+
Description
+
+
+
+
Usage
+
+
+
open(file,
+ blobAsBase64 = TRUE);
+
+
+
Arguments
+
+
+
+
file
+
the file path to the target sqlite database file or the stream
+ data of the sqlite file itself.
+
+
+
blobAsBase64
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Sqlite3Database.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/ColorBrewer.html b/vignettes/graphics/ColorBrewer.html
new file mode 100644
index 0000000..289cea0
--- /dev/null
+++ b/vignettes/graphics/ColorBrewer.html
@@ -0,0 +1,176 @@
+
+
+
+
+
+
+ ColorBrewer
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
{ColorBrewer}
+
R# Documentation
+
+
+
+
ColorBrewer
+
+
+
+ require(R);
+
#' Color schema name terms that comes from the ColorBrewer system: imports "ColorBrewer" from "graphics";
+
+
+
Color schema name terms that comes from the ColorBrewer system:
+
+
All of the color schema in ColorBrewer system have several levels, which could be use expression
+ pattern such as schema_name:c[level] for get colors from the color designer, examples as
+ YlGnBu:c6 will generate a color sequence which have 6 colors that comes from the YlGnBu
+ pattern.
+
+
+
Sequential schemes are suited to ordered data that progress from low to high. Lightness steps
+dominate the look of these schemes, with light colors for low data values to dark colors for
+high data values.
+
+
All of the colors terms in Sequential schemes have levels from 3 to 9, schema name terms
+includes:
Qualitative schemes do not imply magnitude differences between legend classes, and hues are used
+to create the primary visual differences between classes. Qualitative schemes are best suited to
+representing nominal or categorical data.
+
+
The color levels in this schema range from 3 to 12, schema name terms includes:
Diverging schemes put equal emphasis on mid-range critical values and extremes at both ends of
+the data range. The critical class or break in the middle of the legend is emphasized with light
+colors and low and high extremes are emphasized with dark colors that have contrasting hues.
+
+
All of the colors terms in Sequential schemes have levels from 3 to 11, schema name terms
+includes:
Color schema name terms that comes from the ColorBrewer system:
+
+
All of the color schema in ColorBrewer system have several levels, which could be use expression
+ pattern such as schema_name:c[level] for get colors from the color designer, examples as
+ YlGnBu:c6 will generate a color sequence which have 6 colors that comes from the YlGnBu
+ pattern.
+
+
+
Sequential schemes are suited to ordered data that progress from low to high. Lightness steps
+dominate the look of these schemes, with light colors for low data values to dark colors for
+high data values.
+
+
All of the colors terms in Sequential schemes have levels from 3 to 9, schema name terms
+includes:
Qualitative schemes do not imply magnitude differences between legend classes, and hues are used
+to create the primary visual differences between classes. Qualitative schemes are best suited to
+representing nominal or categorical data.
+
+
The color levels in this schema range from 3 to 12, schema name terms includes:
Diverging schemes put equal emphasis on mid-range critical values and extremes at both ends of
+the data range. The critical class or break in the middle of the legend is emphasized with light
+colors and low and high extremes are emphasized with dark colors that have contrasting hues.
+
+
All of the colors terms in Sequential schemes have levels from 3 to 11, schema name terms
+includes:
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/ColorBrewer/TrIQ.html b/vignettes/graphics/ColorBrewer/TrIQ.html
new file mode 100644
index 0000000..babf7d5
--- /dev/null
+++ b/vignettes/graphics/ColorBrewer/TrIQ.html
@@ -0,0 +1,77 @@
+
+
+
+
+ get cutoff threshold value via TrIQ algorithm
+
+
+
+
+
+
+
A violin plot is a compact display of a continuous distribution. It is a blend of boxplot and density:
+ a violin plot is a mirrored density plot displayed in the same way as a boxplot.
A contour plot is a graphical technique for representing a 3-dimensional
+ surface by plotting constant z slices, called contours, on a 2-dimensional
+ format. That is, given a value for z, lines are drawn for connecting the
+ (x,y) coordinates where that z value occurs.
+
+
The contour plot Is an alternative To a 3-D surface plot.
either a vector or matrix of values describing the bars which make up the plot.
+ If height is a vector, the plot consists of a sequence of rectangular bars with
+ heights given by the values in the vector. If height is a matrix and beside is
+ FALSE then each bar of the plot corresponds to a column of height, with the
+ values in the column giving the heights of stacked sub-bars making up the bar.
+ If height is a matrix and beside is TRUE, then the values in each column are
+ juxtaposed rather than stacked.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/charts/contourPlot.html b/vignettes/graphics/charts/contourPlot.html
new file mode 100644
index 0000000..3caef09
--- /dev/null
+++ b/vignettes/graphics/charts/contourPlot.html
@@ -0,0 +1,79 @@
+
+
+
+
+ A contour plot is a graphical technique for representing a 3-dimensional
+
+
+
+
+
+
+
+
+
+
+
contourPlot {charts}
+
R Documentation
+
+
+
+
A contour plot is a graphical technique for representing a 3-dimensional
+
+
Description
+
+
surface by plotting constant z slices, called contours, on a 2-dimensional format. That is, given a value for z, lines are drawn for connecting the (x,y) coordinates where that z value occurs.
The contour plot Is an alternative To a 3-D surface plot.
a vector Of non-negative numerical quantities. The values In x are displayed As the areas Of pie slices.
+
+
+
d3
+
-
+
+
+
+
+
Details
+
+
Pie charts are a very bad way of displaying information. The eye is good at judging linear measures and
+ bad at judging relative areas. A bar chart or dot chart is a preferable way of displaying this type of
+ data.
+
+
Cleveland (1985), page 264 “Data that can be shown by pie charts always can be shown by a dot chart.
+ This means that judgements of position along a common scale can be made instead of the less accurate angle
+ judgements.” This statement Is based on the empirical investigations of Cleveland And McGill as well
+ as investigations by perceptual psychologists.
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/charts/violin.html b/vignettes/graphics/charts/violin.html
new file mode 100644
index 0000000..a6d6738
--- /dev/null
+++ b/vignettes/graphics/charts/violin.html
@@ -0,0 +1,123 @@
+
+
+
+
+ Violin plot
+
+
+
+
+
+
+
+
+
+
+
violin {charts}
+
R Documentation
+
+
+
+
Violin plot
+
+
Description
+
+
A violin plot is a compact display of a continuous distribution. It is a blend of boxplot and density: a violin plot is a mirrored density plot displayed in the same way as a boxplot.
The data To be displayed In this layer. There are three options
+
+
If NULL, the Default, the data Is inherited from the plot data As specified In the Call To ggplot().
+ A data.frame, Or other Object, will override the plot data. All objects will be fortified To produce
+ a data frame. See fortify() For which variables will be created.
+
+
A Function will be called With a Single argument, the plot data. The Return value must be a data.frame,
+ And will be used As the layer data. A Function can be created from a formula (e.g. ~ head(.x, 10)).
+
+
+
size
+
-
+
+
+
margin
+
-
+
+
+
bg$
+
-
+
+
+
colorSet$
+
-
+
+
+
ylab$
+
-
+
+
+
title$
+
-
+
+
+
labelAngle
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
Computed variables
+
+
+
density density estimate
+
scaled density estimate, scaled To maximum Of 1
+
count density * number of points - probably useless for violin plots
+
violinwidth density scaled For the violin plot, according To area, counts Or To a constant maximum width
+
n number of points
+
width width of violin bounding box
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/geometry2D/Kdtest.html b/vignettes/graphics/geometry2D/Kdtest.html
new file mode 100644
index 0000000..89a604a
--- /dev/null
+++ b/vignettes/graphics/geometry2D/Kdtest.html
@@ -0,0 +1,67 @@
+
+
+
+
+ just used for do kd-tree unit test
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/geometry2D/density2D.html b/vignettes/graphics/geometry2D/density2D.html
new file mode 100644
index 0000000..a82b4ad
--- /dev/null
+++ b/vignettes/graphics/geometry2D/density2D.html
@@ -0,0 +1,82 @@
+
+
+
+
+ Evaluate the density value of a set of 2d points.
+
+
+
+
+
+
+
+
+
+
+
density2D {geometry2D}
+
R Documentation
+
+
+
+
Evaluate the density value of a set of 2d points.
+
+
Description
+
+
+
+
Usage
+
+
+
density2D(x, y,
+ k = 6);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
y
+
-
+
+
+
k
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+
a density value vector. the elements in the resulted density
+ value vector is keeps the same order as the input [x,y]
+ vector.
This function creates colors corresponding to the given intensities (between 0 and max) of the red,
+ green and blue primaries. The colour specification refers to the standard sRGB colorspace
+ (IEC standard 61966).
+
+
An alpha transparency value can also be specified (As an opacity, so 0 means fully transparent And
+ max means opaque). If alpha Is Not specified, an opaque colour Is generated.
+
+
The names argument may be used To provide names For the colors.
+
+
The values returned by these functions can be used With a col= specification In graphics functions
+ Or In par.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/grDevices/colors.html b/vignettes/graphics/grDevices/colors.html
new file mode 100644
index 0000000..eea2c48
--- /dev/null
+++ b/vignettes/graphics/grDevices/colors.html
@@ -0,0 +1,87 @@
+
+
+
+
+ get color set
+
+
+
+
+
+
+
+
+
+
+
colors {grDevices}
+
R Documentation
+
+
+
+
get color set
+
+
Description
+
+
+
+
Usage
+
+
+
colors(term,
+ n = 256,
+ character = FALSE);
+
+
+
Arguments
+
+
+
+
term
+
the color set name, if the parameter value
+ is an image data, then this function will try to extract the
+ theme colors from it.
+
+
+
n
+
number of colors from the given color set(apply cubic
+ spline for the color sequence), negative value or
+ ZERO means no cubic spline on the color sequence.
+
+
+
character
+
function returns a color object sequence
+ or html color code string vector if this parameter
+ value is set to TRUE
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/grDevices/graphics.html b/vignettes/graphics/grDevices/graphics.html
new file mode 100644
index 0000000..2269f34
--- /dev/null
+++ b/vignettes/graphics/grDevices/graphics.html
@@ -0,0 +1,79 @@
+
+
+
+
+ save the graphics plot object as image file
+
+
+
+
+
+
+
+
+
+
+
graphics {grDevices}
+
R Documentation
+
+
+
+
save the graphics plot object as image file
+
+
Description
+
+
+
+
Usage
+
+
+
graphics(graphics,
+ file = NULL);
+
+
+
Arguments
+
+
+
+
graphics
+
a graphics plot object
+
+
+
file
+
the file path for save the image file.
+ (if this file path parameter is nothing, then the resulted
+ image object will be flush to the standard output stream
+ of R# environment.)
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/grDevices/register.color_palette.html b/vignettes/graphics/grDevices/register.color_palette.html
new file mode 100644
index 0000000..18820c2
--- /dev/null
+++ b/vignettes/graphics/grDevices/register.color_palette.html
@@ -0,0 +1,75 @@
+
+
+
+
+ register a custom color palette to the graphics system
+
+
+
+
+
+
+
+
+
+
+
register.color_palette {grDevices}
+
R Documentation
+
+
+
+
register a custom color palette to the graphics system
+
+
Description
+
+
+
+
Usage
+
+
+
register.color_palette(name, colors);
+
+
+
Arguments
+
+
+
+
name
+
-
+
+
+
colors
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/grDevices/rgb.html b/vignettes/graphics/grDevices/rgb.html
new file mode 100644
index 0000000..1d4e924
--- /dev/null
+++ b/vignettes/graphics/grDevices/rgb.html
@@ -0,0 +1,109 @@
+
+
+
+
+ RGB Color Specification
+
+
+
+
+
+
+
+
+
+
+
rgb {grDevices}
+
R Documentation
+
+
+
+
RGB Color Specification
+
+
Description
+
+
This function creates colors corresponding to the given intensities (between 0 and max) of the red, green and blue primaries. The colour specification refers to the standard sRGB colorspace (IEC standard 61966).
An alpha transparency value can also be specified (As an opacity, so 0 means fully transparent And max means opaque). If alpha Is Not specified, an opaque colour Is generated.
The names argument may be used To provide names For the colors.
The values returned by these functions can be used With a col= specification In graphics functions Or In par.
numeric vectors with values in [0, M] where M is maxColorValue. When this is 255,
+ the red, blue, green, and alpha values are coerced to integers in 0:255 and the result is computed
+ most efficiently.
+
+
+
green
+
-
+
+
+
blue
+
-
+
+
+
alpha
+
-
+
+
+
names
+
character vector. The names for the resulting vector.
+
+
+
maxColorValue
+
number giving the maximum of the color values range, see above.
+
+
+
+
+
Details
+
+
The colors may be specified by passing a matrix or data frame as argument red, and leaving blue and
+ green missing. In this case the first three columns of red are taken to be the red, green and blue
+ values.
+
+
Semi-transparent colors (0 < alpha < 1) are supported only on some devices: at the time Of
+ writing On the pdf, windows, quartz And X11(type = "cairo") devices And associated bitmap devices
+ (jpeg, png, bmp, tiff And bitmap). They are supported by several third-party devices such As those
+ In packages Cairo, cairoDevice And JavaGD. Only some Of these devices support semi-transparent
+ backgrounds.
+
+
Most other graphics devices plot semi-transparent colors As fully transparent, usually With a
+ warning When first encountered.
+
+
NA values are Not allowed For any Of red, blue, green Or alpha.
+
+
+
Value
+
+
A character vector with elements of 7 or 9 characters, "#" followed by the red, blue, green and
+ optionally alpha values in hexadecimal (after rescaling to 0 ... 255). The optional alpha values
+ range from 0 (fully transparent) to 255 (opaque).
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/grDevices3D/camera.html b/vignettes/graphics/grDevices3D/camera.html
new file mode 100644
index 0000000..32dd1c5
--- /dev/null
+++ b/vignettes/graphics/grDevices3D/camera.html
@@ -0,0 +1,83 @@
+
+
+
+
+ Create a new 3D camera object.
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/grDevices3D/vector3D.html b/vignettes/graphics/grDevices3D/vector3D.html
new file mode 100644
index 0000000..556d3d4
--- /dev/null
+++ b/vignettes/graphics/grDevices3D/vector3D.html
@@ -0,0 +1,76 @@
+
+
+
+
+ Create a new 3D point
+
+
+
+
+
+
+
+
+
+
+
vector3D {grDevices3D}
+
R Documentation
+
+
+
+
Create a new 3D point
+
+
Description
+
+
+
+
Usage
+
+
+
vector3D(x, y,
+ z = 0);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
y
+
-
+
+
+
z
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Point3D.
Creates a grid of colored or gray-scale rectangles with colors
+ corresponding to the values in z. This can be used to display
+ three-dimensional or spatial data aka images. This is a generic
+ function.
+
+
NOTE: the grid Is drawn As a Set Of rectangles by Default; see
+ the useRaster argument To draw the grid As a raster image.
+
+
The Function hcl().colors provides a broad range Of sequential
+ color palettes that are suitable For displaying ordered data,
+ With n giving the number Of colors desired.
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/graphics/as.raster.html b/vignettes/graphics/graphics/as.raster.html
new file mode 100644
index 0000000..fdaa927
--- /dev/null
+++ b/vignettes/graphics/graphics/as.raster.html
@@ -0,0 +1,86 @@
+
+
+
+
+ Cast the clr image object as the raster data
+
+
+
+
+
+
+
+
+
+
+
as.raster {graphics}
+
R Documentation
+
+
+
+
Cast the clr image object as the raster data
+
+
Description
+
+
+
+
Usage
+
+
+
as.raster(img,
+ rgb.stack = NULL);
+
+
+
Arguments
+
+
+
+
img
+
-
+
+
+
rgb.stack
+
A character vector for tells the raster function that extract the signal via rgb stack,
+ default nothing means just extract the raster data via the image pixel its brightness
+ value, otherwise this parameter should be a character of of value combination of chars:
+ r, g and b.
+
+
example as:
+
+
+
rgb.stack = ['r'] means just extract the red channel as the raster data
+
rgb.stack = ['g', 'b'] means extract the raster data via green and blue channel,
+ the raster scale value will be evaluated as g * 10 + b
+
+
andalso this parameter value could be a .net clr color height map ruler object, which could be used for
+mapping a color sequence to a scale level.
+
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type RasterScaler.
the color set for construct the color height map, the colors used
+ in this parameter is used as the checkpoint for evaluate the
+ intensity scale value. A raster image object also could be used
+ in this parameter.
+
+
+
levels
+
-
+
+
+
desc
+
should this function reverse the color vector order?
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/graphics/image.html b/vignettes/graphics/graphics/image.html
new file mode 100644
index 0000000..94c0a68
--- /dev/null
+++ b/vignettes/graphics/graphics/image.html
@@ -0,0 +1,79 @@
+
+
+
+
+ Display a Color Image
+
+
+
+
+
+
+
+
+
+
+
image {graphics}
+
R Documentation
+
+
+
+
Display a Color Image
+
+
Description
+
+
Creates a grid of colored or gray-scale rectangles with colors corresponding to the values in z. This can be used to display three-dimensional or spatial data aka images. This is a generic function.
NOTE: the grid Is drawn As a Set Of rectangles by Default; see the useRaster argument To draw the grid As a raster image.
The Function hcl().colors provides a broad range Of sequential color palettes that are suitable For displaying ordered data, With n giving the number Of colors desired.
+
+
Usage
+
+
+
image(x,
+ col = "YlOrRd");
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
col
+
a list Of colors such As that generated by hcl.colors,
+ gray.colors Or similar functions.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/graphics2D/axis.ticks.html b/vignettes/graphics/graphics2D/axis.ticks.html
new file mode 100644
index 0000000..1ca31e4
--- /dev/null
+++ b/vignettes/graphics/graphics2D/axis.ticks.html
@@ -0,0 +1,72 @@
+
+
+
+
+ create axis tick vector data based on a given data range value
+
+
+
+
+
+
+
+
+
+
+
axis.ticks {graphics2D}
+
R Documentation
+
+
+
+
create axis tick vector data based on a given data range value
+
+
Description
+
+
+
+
Usage
+
+
+
axis.ticks(x,
+ ticks = 10);
+
+
+
Arguments
+
+
+
+
x
+
a numeric vector data for specific the data range.
+
+
+
ticks
+
the number of the ticks in the generated output axis tick vector
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type double.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/graphics/graphics2D/scale.html b/vignettes/graphics/graphics2D/scale.html
new file mode 100644
index 0000000..0cffc7d
--- /dev/null
+++ b/vignettes/graphics/graphics2D/scale.html
@@ -0,0 +1,83 @@
+
+
+
+
+ scale a numeric vector as the color value vector
+
+
+
+
+
+
+
+
+
+
+
scale {graphics2D}
+
R Documentation
+
+
+
+
scale a numeric vector as the color value vector
+
+
Description
+
+
+
+
Usage
+
+
+
scale(x, colorSet,
+ levels = 25,
+ TrIQ = 0.65,
+ zero = NULL);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
colorSet
+
-
+
+
+
levels
+
-
+
+
+
TrIQ
+
set value negative or greater than 1 will be
+ disable the TrIQ scaler
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph.builder/correlation.graph.html b/vignettes/igraph/igraph.builder/correlation.graph.html
new file mode 100644
index 0000000..678a22b
--- /dev/null
+++ b/vignettes/igraph/igraph.builder/correlation.graph.html
@@ -0,0 +1,81 @@
+
+
+
+
+ create a network graph based on the item correlations
+
+
+
+
+
+
+
+
+
+
+
correlation.graph {igraph.builder}
+
R Documentation
+
+
+
+
create a network graph based on the item correlations
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/attributes.html b/vignettes/igraph/igraph/attributes.html
new file mode 100644
index 0000000..de28de1
--- /dev/null
+++ b/vignettes/igraph/igraph/attributes.html
@@ -0,0 +1,81 @@
+
+
+
+
+ get or set element attribute values
+
+
+
+
+
+
+
+
+
+
+
attributes {igraph}
+
R Documentation
+
+
+
+
get or set element attribute values
+
+
Description
+
+
+
+
Usage
+
+
+
attributes(elements, name,
+ values = NULL);
+
+
+
Arguments
+
+
+
+
elements
+
-
+
+
+
name
+
-
+
+
+
values
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
dash style of the edge element could be:
+ solid, dash, dot, dashdot, dashdotdot
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/edges.html b/vignettes/igraph/igraph/edges.html
new file mode 100644
index 0000000..b8964b6
--- /dev/null
+++ b/vignettes/igraph/igraph/edges.html
@@ -0,0 +1,67 @@
+
+
+
+
+ get all edges in the given graph model
+
+
+
+
+
+
+
+
+
+
+
edges {igraph}
+
R Documentation
+
+
+
+
get all edges in the given graph model
+
+
Description
+
+
+
+
Usage
+
+
+
edges(g);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Edge[].
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/empty.network.html b/vignettes/igraph/igraph/empty.network.html
new file mode 100644
index 0000000..1dfb9c7
--- /dev/null
+++ b/vignettes/igraph/igraph/empty.network.html
@@ -0,0 +1,68 @@
+
+
+
+
+ Create a new network graph or clear the given network graph
+
+
+
+
+
+
+
+
+
+
+
empty.network {igraph}
+
R Documentation
+
+
+
+
Create a new network graph or clear the given network graph
+
+
Description
+
+
+
+
Usage
+
+
+
empty.network(
+ g = NULL);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type NetworkGraph.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/getElementByID.html b/vignettes/igraph/igraph/getElementByID.html
new file mode 100644
index 0000000..f3fa547
--- /dev/null
+++ b/vignettes/igraph/igraph/getElementByID.html
@@ -0,0 +1,75 @@
+
+
+
+
+ get node elements by given id
+
+
+
+
+
+
+
+
+
+
+
getElementByID {igraph}
+
R Documentation
+
+
+
+
get node elements by given id
+
+
Description
+
+
+
+
Usage
+
+
+
getElementByID(g, id);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
id
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Node.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/graph.html b/vignettes/igraph/igraph/graph.html
new file mode 100644
index 0000000..92369dc
--- /dev/null
+++ b/vignettes/igraph/igraph/graph.html
@@ -0,0 +1,93 @@
+
+
+
+
+ create a new graph object with the given network
+
+
+
+
+
+
+
+
+
+
+
graph {igraph}
+
R Documentation
+
+
+
+
create a new graph object with the given network
+
+
Description
+
+
edge data and the node properties
+
+
Usage
+
+
+
graph(from, to,
+ weights = NULL,
+ title = NULL,
+ shape = NULL,
+ defaultId = FALSE);
+
+
+
Arguments
+
+
+
+
from
+
-
+
+
+
[to]
+
-
+
+
+
weights
+
-
+
+
+
title
+
the node display labels
+
+
+
defaultId
+
using the node id as the node display labels
+ if the target object is missing from the title
+ list.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type NetworkGraph.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/group.html b/vignettes/igraph/igraph/group.html
new file mode 100644
index 0000000..0836716
--- /dev/null
+++ b/vignettes/igraph/igraph/group.html
@@ -0,0 +1,75 @@
+
+
+
+
+ Make node groups by given type name
+
+
+
+
+
+
+
+
+
+
+
group {igraph}
+
R Documentation
+
+
+
+
Make node groups by given type name
+
+
Description
+
+
+
+
Usage
+
+
+
group(g, nodes, type);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
type
+
-
+
+
+
nodes
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type NetworkGraph.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/mass.html b/vignettes/igraph/igraph/mass.html
new file mode 100644
index 0000000..bcc188a
--- /dev/null
+++ b/vignettes/igraph/igraph/mass.html
@@ -0,0 +1,77 @@
+
+
+
+
+ set or get mass value of the nodes in the given graph
+
+
+
+
+
+
+
+
+
+
+
mass {igraph}
+
R Documentation
+
+
+
+
set or get mass value of the nodes in the given graph
+
+
Description
+
+
+
+
Usage
+
+
+
mass(g,
+ labelID = NULL,
+ mass = NULL);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
mass
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/node.names.html b/vignettes/igraph/igraph/node.names.html
new file mode 100644
index 0000000..cf0d7e9
--- /dev/null
+++ b/vignettes/igraph/igraph/node.names.html
@@ -0,0 +1,78 @@
+
+
+
+
+ set node data names
+
+
+
+
+
+
+
+
+
+
+
node.names {igraph}
+
R Documentation
+
+
+
+
set node data names
+
+
Description
+
+
+
+
Usage
+
+
+
node.names(graph,
+ setNames = NULL);
+
+
+
Arguments
+
+
+
+
graph
+
-
+
+
+
setNames
+
a list object with node id to node name mapping. if the given name label in this
+ list object is null or empty, then it will removes the name label value of the
+ specific node object.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/subgraphFromPoint.html b/vignettes/igraph/igraph/subgraphFromPoint.html
new file mode 100644
index 0000000..347b7a1
--- /dev/null
+++ b/vignettes/igraph/igraph/subgraphFromPoint.html
@@ -0,0 +1,71 @@
+
+
+
+
+ extract sub-network from a given network via a specific network node as centroid.
+
+
+
+
+
+
+
+
+
+
+
subgraphFromPoint {igraph}
+
R Documentation
+
+
+
+
extract sub-network from a given network via a specific network node as centroid.
+
+
Description
+
+
+
+
Usage
+
+
+
subgraphFromPoint(g, fromPoint);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
fromPoint
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type NetworkGraph.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/igraph/vertex.html b/vignettes/igraph/igraph/vertex.html
new file mode 100644
index 0000000..28a0c5e
--- /dev/null
+++ b/vignettes/igraph/igraph/vertex.html
@@ -0,0 +1,68 @@
+
+
+
+
+ get all nodes in the given graph model
+
+
+
+
+
+
+
+
+
+
+
vertex {igraph}
+
R Documentation
+
+
+
+
get all nodes in the given graph model
+
+
Description
+
+
+
+
Usage
+
+
+
vertex(g,
+ allConnected = FALSE);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type Node[].
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/layouts/layout.random.html b/vignettes/igraph/layouts/layout.random.html
new file mode 100644
index 0000000..259d552
--- /dev/null
+++ b/vignettes/igraph/layouts/layout.random.html
@@ -0,0 +1,71 @@
+
+
+
+
+ do random layout of the given network graph object and then returns the given graph object.
+
+
+
+
+
+
+
+
+
+
+
layout.random {layouts}
+
R Documentation
+
+
+
+
do random layout of the given network graph object and then returns the given graph object.
+
+
Description
+
+
+
+
Usage
+
+
+
layout.random(g);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type NetworkGraph.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/styler/size.html b/vignettes/igraph/styler/size.html
new file mode 100644
index 0000000..1948fb2
--- /dev/null
+++ b/vignettes/igraph/styler/size.html
@@ -0,0 +1,68 @@
+
+
+
+
+ set or get node size data
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/igraph/visualizer/setColors.html b/vignettes/igraph/visualizer/setColors.html
new file mode 100644
index 0000000..7137add
--- /dev/null
+++ b/vignettes/igraph/visualizer/setColors.html
@@ -0,0 +1,75 @@
+
+
+
+
+ set color by node group
+
+
+
+
+
+
+
+
+
+
+
setColors {visualizer}
+
R Documentation
+
+
+
+
set color by node group
+
+
Description
+
+
+
+
Usage
+
+
+
setColors(g, type, color);
+
+
+
Arguments
+
+
+
+
g
+
-
+
+
+
type$
+
-
+
+
+
color$
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type NetworkGraph.
+
+
\ No newline at end of file
diff --git a/vignettes/njl/io/flush.html b/vignettes/njl/io/flush.html
new file mode 100644
index 0000000..256a884
--- /dev/null
+++ b/vignettes/njl/io/flush.html
@@ -0,0 +1,67 @@
+
+
+
+
+ Commit all currently buffered writes to the given stream.
+
+
+
+
+
+
+
+
+
+
+
flush {io}
+
R Documentation
+
+
+
+
Commit all currently buffered writes to the given stream.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/njl/io/open.html b/vignettes/njl/io/open.html
new file mode 100644
index 0000000..3a925c0
--- /dev/null
+++ b/vignettes/njl/io/open.html
@@ -0,0 +1,81 @@
+
+
+
+
+ Apply the function f to the result of open(args...; kwargs...)
+
+
+
+
+
+
+
+
+
+
+
open {io}
+
R Documentation
+
+
+
+
Apply the function f to the result of open(args...; kwargs...)
+
+
Description
+
+
and close the resulting file descriptor upon completion.
+
+
Usage
+
+
+
open(f,
+ filename = NULL,
+ mode = "r");
+
+
+
Arguments
+
+
+
+
f
+
-
+
+
+
filename
+
-
+
+
+
mode
+
-
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
\ No newline at end of file
diff --git a/vignettes/njl/math/zero.html b/vignettes/njl/math/zero.html
new file mode 100644
index 0000000..58f90d6
--- /dev/null
+++ b/vignettes/njl/math/zero.html
@@ -0,0 +1,67 @@
+
+
+
+
+ Get the additive identity element for the type of x (x can also specify the type itself).
+
+
+
+
+
+
+
+
+
+
+
zero {math}
+
R Documentation
+
+
+
+
Get the additive identity element for the type of x (x can also specify the type itself).
+
+
Description
+
+
+
+
Usage
+
+
+
zero(x);
+
+
+
Arguments
+
+
+
+
x
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/nts/JSON.html b/vignettes/nts/JSON.html
new file mode 100644
index 0000000..c8690e8
--- /dev/null
+++ b/vignettes/nts/JSON.html
@@ -0,0 +1,132 @@
+
+
+
+
+
+
+ JSON
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
{JSON}
+
R# Documentation
+
+
+
+
JSON
+
+
+
+ require(R);
+
#' JSON (JavaScript Object Notation) is a lightweight data-interchange format. imports "JSON" from "nts";
+
+
+
JSON (JavaScript Object Notation) is a lightweight data-interchange format.
+ It is easy for humans to read and write. It is easy for machines to parse and
+ generate. It is based on a subset of the JavaScript Programming Language
+ Standard ECMA-262 3rd Edition - December 1999. JSON is a text format that
+ is completely language independent but uses conventions of the R# language.
+ JSON is an ideal data-interchange language.
+
+
JSON Is built On two structures:
+
+
+
A collection Of name/value pairs. In various languages, this Is realized As
+ an Object, record, struct, dictionary, hash table, keyed list, Or
+ associative array.
+
An ordered list Of values. In most languages, this Is realized As an array,
+ vector, list, Or sequence.
+
+
These are universal data structures. Virtually all modern programming languages
+support them In one form Or another. It makes sense that a data format that
+Is interchangeable With programming languages also be based On these structures.
+
+
+
+
JSON (JavaScript Object Notation) is a lightweight data-interchange format.
+ It is easy for humans to read and write. It is easy for machines to parse and
+ generate. It is based on a subset of the JavaScript Programming Language
+ Standard ECMA-262 3rd Edition - December 1999. JSON is a text format that
+ is completely language independent but uses conventions of the R# language.
+ JSON is an ideal data-interchange language.
+
+
JSON Is built On two structures:
+
+
+
A collection Of name/value pairs. In various languages, this Is realized As
+ an Object, record, struct, dictionary, hash table, keyed list, Or
+ associative array.
+
An ordered list Of values. In most languages, this Is realized As an array,
+ vector, list, Or sequence.
+
+
These are universal data structures. Virtually all modern programming languages
+support them In one form Or another. It makes sense that a data format that
+Is interchangeable With programming languages also be based On these structures.
+
+
\ No newline at end of file
diff --git a/vignettes/roxygenNet/rdocumentation/clr_docs.html b/vignettes/roxygenNet/rdocumentation/clr_docs.html
new file mode 100644
index 0000000..d825487
--- /dev/null
+++ b/vignettes/roxygenNet/rdocumentation/clr_docs.html
@@ -0,0 +1,67 @@
+
+
+
+
+ make documents based on a given clr type meta data
+
+
+
+
+
+
+
+
+
+
+
clr_docs {rdocumentation}
+
R Documentation
+
+
+
+
make documents based on a given clr type meta data
+
+
Description
+
+
+
+
Usage
+
+
+
clr_docs(clr, template);
+
+
+
Arguments
+
+
+
+
clr
+
a given clr type
+
+
+
+
+
Details
+
+
this function just works on the properties
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/roxygenNet/roxygen.html b/vignettes/roxygenNet/roxygen.html
new file mode 100644
index 0000000..78a2d7d
--- /dev/null
+++ b/vignettes/roxygenNet/roxygen.html
@@ -0,0 +1,117 @@
+
+
+
+
+
+
+ roxygen
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
{roxygen}
+
R# Documentation
+
+
+
+
roxygen
+
+
+
+ require(R);
+
#' In-Line Documentation for R imports "roxygen" from "roxygenNet";
+
+
+
In-Line Documentation for R
+
+
Generate your Rd documentation, 'NAMESPACE' file,
+ And collation field using specially formatted comments. Writing
+ documentation In-line With code makes it easier To keep your
+ documentation up-To-Date As your requirements change. 'roxygenNet' is
+ inspired by the 'roxygen2' system from Rstudio.
Process a package with the Rd, namespace and collate roclets.
+
+
This is the workhorse function that uses roclets, the built-in document
+ transformation functions, to build all documentation for a package.
+ See the documentation for the individual roclets, rd_roclet(),
+ namespace_roclet(), and for update_collate(), for more details.
+
+
\ No newline at end of file
diff --git a/vignettes/roxygenNet/roxygen/markdown2Html.html b/vignettes/roxygenNet/roxygen/markdown2Html.html
new file mode 100644
index 0000000..e49a348
--- /dev/null
+++ b/vignettes/roxygenNet/roxygen/markdown2Html.html
@@ -0,0 +1,67 @@
+
+
+
+
+ convert the markdown text content to html text
+
+
+
+
+
+
+
+
+
+
+
markdown2Html {roxygen}
+
R Documentation
+
+
+
+
convert the markdown text content to html text
+
+
Description
+
+
+
+
Usage
+
+
+
markdown2Html(markdown);
+
+
+
Arguments
+
+
+
+
markdown
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/roxygenNet/roxygen/roxygenize.html b/vignettes/roxygenNet/roxygen/roxygenize.html
new file mode 100644
index 0000000..f509c63
--- /dev/null
+++ b/vignettes/roxygenNet/roxygen/roxygenize.html
@@ -0,0 +1,69 @@
+
+
+
+
+ Process a package with the Rd, namespace and collate roclets.
+
+
+
+
+
+
+
+
+
+
+
roxygenize {roxygen}
+
R Documentation
+
+
+
+
Process a package with the Rd, namespace and collate roclets.
+
+
Description
+
+
This is the workhorse function that uses roclets, the built-in document transformation functions, to build all documentation for a package. See the documentation for the individual roclets, rd_roclet(), namespace_roclet(), and for update_collate(), for more details.
+
+
Usage
+
+
+
roxygenize(package.dir);
+
+
+
Arguments
+
+
+
+
package.dir
+
Location of package top level directory. Default is working directory.
+
+
+
+
+
Details
+
+
Note that roxygen2 is a dynamic documentation system: it works by inspecting
+ loaded objects in the package. This means that you must be able to load
+ the package in order to document it: see load for details.
+
+
\ No newline at end of file
diff --git a/vignettes/roxygenNet/utils.docs/makehtml.docs.html b/vignettes/roxygenNet/utils.docs/makehtml.docs.html
new file mode 100644
index 0000000..acd7cd8
--- /dev/null
+++ b/vignettes/roxygenNet/utils.docs/makehtml.docs.html
@@ -0,0 +1,75 @@
+
+
+
+
+ Create html help document for the specific package module
+
+
+
+
+
+
+
+
+
+
+
makehtml.docs {utils.docs}
+
R Documentation
+
+
+
+
Create html help document for the specific package module
+
+
\ No newline at end of file
diff --git a/vignettes/signalKit/signalProcessing/as.signal.html b/vignettes/signalKit/signalProcessing/as.signal.html
new file mode 100644
index 0000000..52b6615
--- /dev/null
+++ b/vignettes/signalKit/signalProcessing/as.signal.html
@@ -0,0 +1,85 @@
+
+
+
+
+ Create a new general signal
+
+
+
+
+
+
+
[Package signalProcessing version 1.0.0.0 Index]
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/signalKit/signalProcessing/gaussian_bin.html b/vignettes/signalKit/signalProcessing/gaussian_bin.html
new file mode 100644
index 0000000..ac79803
--- /dev/null
+++ b/vignettes/signalKit/signalProcessing/gaussian_bin.html
@@ -0,0 +1,65 @@
+
+
+
+
+ gaussian_bin
+
+
+
+
+
+
+
+
+
+
+
gaussian_bin {signalProcessing}
+
R Documentation
+
+
+
+
gaussian_bin
+
+
Description
+
+ gaussian_bin
+
+
Usage
+
+
+
gaussian_bin(sig,
+ max = 100);
+
+
+
Arguments
+
+
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
clr value class
any kind
+
+
Examples
+
+
+
+
+
[Package signalProcessing version 1.0.0.0 Index]
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/signalKit/signalProcessing/gaussian_fit.html b/vignettes/signalKit/signalProcessing/gaussian_fit.html
new file mode 100644
index 0000000..7660169
--- /dev/null
+++ b/vignettes/signalKit/signalProcessing/gaussian_fit.html
@@ -0,0 +1,86 @@
+
+
+
+
+ Fit time/spectrum/other sequential data with a set of gaussians
+
+
+
+
+
+
+
+
+
+
+
gaussian_fit {signalProcessing}
+
R Documentation
+
+
+
+
Fit time/spectrum/other sequential data with a set of gaussians
[Package signalProcessing version 1.0.0.0 Index]
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/signalKit/signalProcessing/signal.matrix.html b/vignettes/signalKit/signalProcessing/signal.matrix.html
new file mode 100644
index 0000000..274fa43
--- /dev/null
+++ b/vignettes/signalKit/signalProcessing/signal.matrix.html
@@ -0,0 +1,79 @@
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
signal.matrix {signalProcessing}
+
R Documentation
+
+
+
+
+
+
Description
+
+
+
+
Usage
+
+
+
signal.matrix(signals,
+ signalId = NULL);
+
+
+
Arguments
+
+
+
+
signals
+
-
+
+
+
signalId
+
if this parameter is not empty, then it means one of the
+ property data in @P:Microsoft.VisualBasic.Math.SignalProcessing.GeneralSignal.meta will be
+ used as signal id. the @P:Microsoft.VisualBasic.Math.SignalProcessing.GeneralSignal.reference
+ is used as signal id by default.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type DataSet.
+
+
\ No newline at end of file
diff --git a/vignettes/snowFall/Parallel/detectCores.html b/vignettes/snowFall/Parallel/detectCores.html
new file mode 100644
index 0000000..b22954c
--- /dev/null
+++ b/vignettes/snowFall/Parallel/detectCores.html
@@ -0,0 +1,70 @@
+
+
+
+
+ detectCores: Detect the Number of CPU Cores
+
+
+
+
+
+
+
+
+
+
+
detectCores {Parallel}
+
R Documentation
+
+
+
+
detectCores: Detect the Number of CPU Cores
+
+
Description
+
+
Attempt to detect the number of CPU cores on the current host.
+
+
Usage
+
+
+
detectCores();
+
+
+
Arguments
+
+
+
+
+
+
+
Details
+
+
This attempts to detect the number of available CPU cores.
+ It has methods To Do so For Linux, macOS, FreeBSD, OpenBSD, Solaris,
+ Irix And Windows. detectCores(True) could be tried On other Unix-alike
+ systems.
+
+
+
Value
+
+
An integer, NA if the answer is unknown.
+ Exactly what this represents Is OS-dependent: where possible by
+ Default it counts logical (e.g., hyperthreaded) CPUs And Not
+ physical cores Or packages.
there are some additional parameter in this object list that can be config:
+
+
+
debug: set true for open debug mode
+
master: set the tcp port of the master node
+
bootstrap: set the bootstrap tcp port of the slave node
+
slaveDebug: set this option to pause will make the master node pause when run a new salve node for run debug
+
log_tmp: set the temp directory for log the getsymbol request data payloads
+
+
due to the reason of some short parameter name may
+conflict with the symbol name in script code, so
+make a such long name in weird and strange string
+pattern to avoid such bug.
+
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/webKit/Html/plainText.html b/vignettes/webKit/Html/plainText.html
new file mode 100644
index 0000000..6b4f389
--- /dev/null
+++ b/vignettes/webKit/Html/plainText.html
@@ -0,0 +1,68 @@
+
+
+
+
+ get all internal document text from the given html document text.
+
+
+
+
+
+
+
+
+
+
+
plainText {Html}
+
R Documentation
+
+
+
+
get all internal document text from the given html document text.
+
+
Description
+
+
+
+
Usage
+
+
+
plainText(html,
+ strip.inner = TRUE);
+
+
+
Arguments
+
+
+
+
html
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/webKit/Html/tables.html b/vignettes/webKit/Html/tables.html
new file mode 100644
index 0000000..63b0c83
--- /dev/null
+++ b/vignettes/webKit/Html/tables.html
@@ -0,0 +1,68 @@
+
+
+
+
+ query a list of html tables in the given html page text document
+
+
+
+
+
+
+
+
+
+
+
tables {Html}
+
R Documentation
+
+
+
+
query a list of html tables in the given html page text document
+
+
Description
+
+
+
+
Usage
+
+
+
tables(html,
+ del.newline = TRUE);
+
+
+
Arguments
+
+
+
+
html
+
text string in html format
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type list.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/webKit/Html/title.html b/vignettes/webKit/Html/title.html
new file mode 100644
index 0000000..600ba1f
--- /dev/null
+++ b/vignettes/webKit/Html/title.html
@@ -0,0 +1,67 @@
+
+
+
+
+ Parsing the title text from the html inputs.
+
+
+
+
+
+
+
+
+
+
+
title {Html}
+
R Documentation
+
+
+
+
Parsing the title text from the html inputs.
+
+
Description
+
+
+
+
Usage
+
+
+
title(html);
+
+
+
Arguments
+
+
+
+
html
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type string.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/webKit/graphquery/query.html b/vignettes/webKit/graphquery/query.html
new file mode 100644
index 0000000..8e923f7
--- /dev/null
+++ b/vignettes/webKit/graphquery/query.html
@@ -0,0 +1,87 @@
+
+
+
+
+ run graph query on a document
+
+
+
+
+
+
+
+
+
+
+
query {graphquery}
+
R Documentation
+
+
+
+
run graph query on a document
+
+
Description
+
+
+
+
Usage
+
+
+
query(document, graphquery,
+ raw = FALSE,
+ stripHtml = FALSE);
+
+
+
Arguments
+
+
+
+
document
+
-
+
+
+
graphquery
+
-
+
+
+
raw
+
-
+
+
+
stripHtml
+
Trim the html document text at first? if this option is
+ enable, then the script and css node element in html
+ document will be removed before run the graphquery.
+
+
+
env
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type any kind.
+
+
\ No newline at end of file
diff --git a/vignettes/webKit/http/content.html b/vignettes/webKit/http/content.html
new file mode 100644
index 0000000..3ccfea6
--- /dev/null
+++ b/vignettes/webKit/http/content.html
@@ -0,0 +1,84 @@
+
+
+
+
+ get content data from the http request result
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/webKit/http/cookies.html b/vignettes/webKit/http/cookies.html
new file mode 100644
index 0000000..aaada76
--- /dev/null
+++ b/vignettes/webKit/http/cookies.html
@@ -0,0 +1,67 @@
+
+
+
+
+ parse cookies data from the http web request result
+
+
+
+
+
+
+
+
+
+
+
cookies {http}
+
R Documentation
+
+
+
+
parse cookies data from the http web request result
+
+
Description
+
+
+
+
Usage
+
+
+
cookies(data);
+
+
+
Arguments
+
+
+
+
data
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type list.
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/vignettes/webKit/http/is.http_error.html b/vignettes/webKit/http/is.http_error.html
new file mode 100644
index 0000000..6dd38ad
--- /dev/null
+++ b/vignettes/webKit/http/is.http_error.html
@@ -0,0 +1,67 @@
+
+
+
+
+ Test the web response is http error or not via the http status code is not equals to 200(OK)?
+
+
+
+
+
+
+
+
+
+
+
is.http_error {http}
+
R Documentation
+
+
+
+
Test the web response is http error or not via the http status code is not equals to 200(OK)?
+
+
Description
+
+
+
+
Usage
+
+
+
is.http_error(data);
+
+
+
Arguments
+
+
+
+
data
+
-
+
+
+
+
+
Details
+
+
+
+
+
Value
+
+ this function returns data object of type boolean.
Returns a string in which all non-alphanumeric characters except -_.
+ have been replaced with a percent (%) sign followed by two hex digits and
+ spaces encoded as plus (+) signs. It is encoded the same way that the
+ posted data from a WWW form is encoded, that is the same way as in
+ application/x-www-form-urlencoded media type. This differs from the
+ RFC 3986 encoding (see rawurlencode()) in that for historical reasons,
+ spaces are encoded as plus (+) signs.