diff --git a/.github/build-githubpage.R b/.github/build-githubpage.R index a7c6abc..4d29940 100644 --- a/.github/build-githubpage.R +++ b/.github/build-githubpage.R @@ -15,7 +15,10 @@ for(dll_name in clr_modules) { # generates the html help documents for(pkg_namespace in package_utils::parseDll(dll = `${app_dir}/${dll_name}`)) { - Rdocuments(pkg_namespace, outputdir = `${vignettes}/${basename(dll_name)}`, - package = "R"); + try({ + Rdocuments(pkg_namespace, + outputdir = `${vignettes}/${basename(dll_name)}/${[pkg_namespace]::namespace}`, + package = "R"); + }); } } diff --git a/.github/build-githubpage.cmd b/.github/build-githubpage.cmd index 163b08e..5f22f69 100644 --- a/.github/build-githubpage.cmd +++ b/.github/build-githubpage.cmd @@ -4,3 +4,5 @@ SET R_HOME=/GCModeller/src/R-sharp/App/net6.0-windows SET R_ENV="%R_HOME%/R#.exe" %R_ENV% ./build-githubpage.R + +pause \ No newline at end of file diff --git a/vignettes/MLkit/CNN.html b/vignettes/MLkit/CNN.html new file mode 100644 index 0000000..42ad861 --- /dev/null +++ b/vignettes/MLkit/CNN.html @@ -0,0 +1,313 @@ + + + + + + + CNN + + + + + + + + + + + + + + + + + + + + + + + +
{CNN}R# Documentation
+

CNN

+
+

+ + require(R); +

#' feed-forward phase of deep Convolutional Neural Networks
imports "CNN" from "MLkit"; +
+

+

feed-forward phase of deep Convolutional Neural Networks

+
+

+

feed-forward phase of deep Convolutional Neural Networks

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ n_threads +

get/set of the CNN parallel thread number

+ cnn +

Create a new CNN model

+ +

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.

+ input_layer +

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.

+ regression_layer +
+ conv_layer +

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.

+ conv_transpose_layer +
+ lrn_layer +

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.

+ tanh_layer +

Implements Tanh nonlinearity elementwise x to tanh(x)
+ so the output is between -1 and 1.

+ softmax_layer +

[*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.

+ relu_layer +

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.

+ leaky_relu_layer +
+ maxout_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

+ sigmoid_layer +

Implements Sigmoid nonlinearity elementwise x to 1/(1+e^(-x))
+ so the output is between 0 and 1.

+ pool_layer +

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.

+ dropout_layer +

This layer will remove some random activations in order to
+ defeat over-fitting.

+ full_connected_layer +

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.

+ gaussian_layer +
+ sample_dataset +
+ sample_dataset.image +
+ auto_encoder +
+ training +

Do CNN network model training

+ ada_delta +

Adaptive delta will look at the differences between the expected result and the current result to train the network.

+ ada_grad +

The adaptive gradient trainer will over time sum up the square of
+ the gradient and use it to change the weights.

+ adam +

Adaptive Moment Estimation is an update to RMSProp optimizer. In this running average of both the
+ gradients and their magnitudes are used.

+ nesterov +

Another extension of gradient descent is due to Yurii Nesterov from 1983,[7] and has been subsequently generalized

+ sgd +

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.

+ window_grad +

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.

+ predict +
+ CeNiN +

load a CNN model from file

+ detectObject +

classify a object from a given image data

+ saveModel +

save the CNN model into a binary data file

+
+
+
[Document Index]
+ + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Description

+ + + +

Usage

+ +
+
ada_delta(batch.size,
+    l2.decay = 0.001,
+    ro = 0.95);
+
+ +

Arguments

+ + + +
batch.size
+

-

+ + +
l2.decay
+

-

+ + +
ro
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type TrainerAlgorithm.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ +

the gradient and use it to change the weights.

+ +

Usage

+ +
+
ada_grad(batch.size,
+    l2.decay = 0.001);
+
+ +

Arguments

+ + + +
batch.size
+

-

+ + +
l2.decay
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type TrainerAlgorithm.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ +

gradients and their magnitudes are used.

+ +

Usage

+ +
+
adam(batch.size,
+    l2.decay = 0.001,
+    beta1 = 0.9,
+    beta2 = 0.999);
+
+ +

Arguments

+ + + +
batch.size
+

-

+ + +
l2.decay
+

-

+ + +
beta1
+

-

+ + +
beta2
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type TrainerAlgorithm.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/auto_encoder.html b/vignettes/MLkit/CNN/auto_encoder.html new file mode 100644 index 0000000..195a0b6 --- /dev/null +++ b/vignettes/MLkit/CNN/auto_encoder.html @@ -0,0 +1,67 @@ + + + + + auto_encoder + + + + + + +
+ + + + + + +
auto_encoder {CNN}R Documentation
+ +

auto_encoder

+ +

Description

+ + auto_encoder + +

Usage

+ +
+
auto_encoder(cnn, dataset,
+    max.loops = 100,
+    algorithm = NULL,
+    action = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNFunction.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: ConvolutionalNN, LayerBuilder.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
conv_layer(sx, filters,
+    stride = 1,
+    padding = 0);
+
+ +

Arguments

+ + + +
sx
+

-

+ + +
filters
+

-

+ + +
stride
+

-

+ + +
padding
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/conv_transpose_layer.html b/vignettes/MLkit/CNN/conv_transpose_layer.html new file mode 100644 index 0000000..afb25f1 --- /dev/null +++ b/vignettes/MLkit/CNN/conv_transpose_layer.html @@ -0,0 +1,66 @@ + + + + + conv_transpose_layer + + + + + + +
+ + + + + + +
conv_transpose_layer {CNN}R Documentation
+ +

conv_transpose_layer

+ +

Description

+ + conv_transpose_layer + +

Usage

+ +
+
conv_transpose_layer(dims, filter,
+    filters = 3,
+    stride = 1);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ +

defeat over-fitting.

+ +

Usage

+ +
+
dropout_layer(
+    drop.prob = 0.5);
+
+ +

Arguments

+ + + +
drop.prob
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
full_connected_layer(size);
+
+ +

Arguments

+ + + +
size
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/gaussian_layer.html b/vignettes/MLkit/CNN/gaussian_layer.html new file mode 100644 index 0000000..2932aff --- /dev/null +++ b/vignettes/MLkit/CNN/gaussian_layer.html @@ -0,0 +1,64 @@ + + + + + gaussian_layer + + + + + + +
+ + + + + + +
gaussian_layer {CNN}R Documentation
+ +

gaussian_layer

+ +

Description

+ + gaussian_layer + +

Usage

+ +
+
gaussian_layer();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
input_layer(size,
+    depth = 1,
+    c = 0);
+
+ +

Arguments

+ + + +
size
+

-

+ + +
depth
+

-

+ + +
c
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/leaky_relu_layer.html b/vignettes/MLkit/CNN/leaky_relu_layer.html new file mode 100644 index 0000000..2bfa639 --- /dev/null +++ b/vignettes/MLkit/CNN/leaky_relu_layer.html @@ -0,0 +1,64 @@ + + + + + leaky_relu_layer + + + + + + +
+ + + + + + +
leaky_relu_layer {CNN}R Documentation
+ +

leaky_relu_layer

+ +

Description

+ + leaky_relu_layer + +

Usage

+ +
+
leaky_relu_layer();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
lrn_layer(
+    n = 5);
+
+ +

Arguments

+ + + +
n
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/maxout_layer.html b/vignettes/MLkit/CNN/maxout_layer.html new file mode 100644 index 0000000..48e77bd --- /dev/null +++ b/vignettes/MLkit/CNN/maxout_layer.html @@ -0,0 +1,64 @@ + + + + + Implements Maxout nonlinearity that computes x to max(x) + + + + + + +
+ + + + + + +
maxout_layer {CNN}R Documentation
+ +

Implements Maxout nonlinearity that computes x to max(x)

+ +

Description

+ +

where x is a vector of size group_size. Ideally of course,
the input size should be exactly divisible by group_size

+ +

Usage

+ +
+
maxout_layer();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/n_threads.html b/vignettes/MLkit/CNN/n_threads.html new file mode 100644 index 0000000..5ce65ae --- /dev/null +++ b/vignettes/MLkit/CNN/n_threads.html @@ -0,0 +1,68 @@ + + + + + get/set of the CNN parallel thread number + + + + + + +
+ + + + + + +
n_threads {CNN}R Documentation
+ +

get/set of the CNN parallel thread number

+ +

Description

+ + + +

Usage

+ +
+
n_threads(
+    n = NULL);
+
+ +

Arguments

+ + + +
n
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
nesterov(batch.size,
+    l2.decay = 0.001);
+
+ +

Arguments

+ + + +
batch.size
+

-

+ + +
l2.decay
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type TrainerAlgorithm.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
pool_layer(sx, stride, padding);
+
+ +

Arguments

+ + + +
sx
+

-

+ + +
stride
+

-

+ + +
padding
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/predict.html b/vignettes/MLkit/CNN/predict.html new file mode 100644 index 0000000..4329645 --- /dev/null +++ b/vignettes/MLkit/CNN/predict.html @@ -0,0 +1,66 @@ + + + + + predict + + + + + + +
+ + + + + + +
predict {CNN}R Documentation
+ +

predict

+ +

Description

+ + predict + +

Usage

+ +
+
predict(cnn, dataset,
+    class.labels = "class_%d",
+    is.generative = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/regression_layer.html b/vignettes/MLkit/CNN/regression_layer.html new file mode 100644 index 0000000..bbcd6ee --- /dev/null +++ b/vignettes/MLkit/CNN/regression_layer.html @@ -0,0 +1,64 @@ + + + + + regression_layer + + + + + + +
+ + + + + + +
regression_layer {CNN}R Documentation
+ +

regression_layer

+ +

Description

+ + regression_layer + +

Usage

+ +
+
regression_layer();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
relu_layer();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/sample_dataset.html b/vignettes/MLkit/CNN/sample_dataset.html new file mode 100644 index 0000000..86c0d9f --- /dev/null +++ b/vignettes/MLkit/CNN/sample_dataset.html @@ -0,0 +1,65 @@ + + + + + sample_dataset + + + + + + +
+ + + + + + +
sample_dataset {CNN}R Documentation
+ +

sample_dataset

+ +

Description

+ + sample_dataset + +

Usage

+ +
+
sample_dataset(dataset,
+    labels = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type SampleData.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/sample_dataset.image.html b/vignettes/MLkit/CNN/sample_dataset.image.html new file mode 100644 index 0000000..27342ce --- /dev/null +++ b/vignettes/MLkit/CNN/sample_dataset.image.html @@ -0,0 +1,66 @@ + + + + + sample_dataset.image + + + + + + +
+ + + + + + +
sample_dataset.image {CNN}R Documentation
+ +

sample_dataset.image

+ +

Description

+ + sample_dataset.image + +

Usage

+ +
+
sample_dataset.image(images,
+    labels = NULL,
+    resize = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type SampleData.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
sgd(batch.size,
+    learning.rate = 0.01,
+    momentum = 0.9,
+    eps = 1E-08,
+    l2.decay = 0.001);
+
+ +

Arguments

+ + + +
batch.size
+

-

+ + +
l2.decay
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type TrainerAlgorithm.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/sigmoid_layer.html b/vignettes/MLkit/CNN/sigmoid_layer.html new file mode 100644 index 0000000..44a6baf --- /dev/null +++ b/vignettes/MLkit/CNN/sigmoid_layer.html @@ -0,0 +1,64 @@ + + + + + Implements Sigmoid nonlinearity elementwise x to 1/(1+e^(-x)) + + + + + + +
+ + + + + + +
sigmoid_layer {CNN}R Documentation
+ +

Implements Sigmoid nonlinearity elementwise x to 1/(1+e^(-x))

+ +

Description

+ +

so the output is between 0 and 1.

+ +

Usage

+ +
+
sigmoid_layer();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
softmax_layer();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/tanh_layer.html b/vignettes/MLkit/CNN/tanh_layer.html new file mode 100644 index 0000000..8de1e6d --- /dev/null +++ b/vignettes/MLkit/CNN/tanh_layer.html @@ -0,0 +1,64 @@ + + + + + Implements Tanh nonlinearity elementwise x to tanh(x) + + + + + + +
+ + + + + + +
tanh_layer {CNN}R Documentation
+ +

Implements Tanh nonlinearity elementwise x to tanh(x)

+ +

Description

+ +

so the output is between -1 and 1.

+ +

Usage

+ +
+
tanh_layer();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNLayerArguments.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/CNN/training.html b/vignettes/MLkit/CNN/training.html new file mode 100644 index 0000000..3ff29b6 --- /dev/null +++ b/vignettes/MLkit/CNN/training.html @@ -0,0 +1,87 @@ + + + + + Do CNN network model training + + + + + + +
+ + + + + + +
training {CNN}R Documentation
+ +

Do CNN network model training

+ +

Description

+ + + +

Usage

+ +
+
training(cnn, dataset,
+    max.loops = 100,
+    verbose = 25,
+    algorithm = NULL,
+    action = NULL);
+
+ +

Arguments

+ + + +
cnn
+

-

+ + +
dataset
+

-

+ + +
max.loops
+

-

+ + +
algorithm
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CNNFunction.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
window_grad(batch.size,
+    l2.decay = 0.001,
+    ro = 0.95);
+
+ +

Arguments

+ + + +
batch.size
+

-

+ + +
l2.decay
+

-

+ + +
ro
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type TrainerAlgorithm.

clr value class

+ +

Examples

+ + + +
+
[Package CNN version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/GA_toolkit.html b/vignettes/MLkit/GA_toolkit.html new file mode 100644 index 0000000..f02058c --- /dev/null +++ b/vignettes/MLkit/GA_toolkit.html @@ -0,0 +1,100 @@ + + + + + + + GA_toolkit + + + + + + + + + + + + + + + + + + + + + + + +
{GA_toolkit}R# Documentation
+

GA_toolkit

+
+

+ + require(R); +

#' A Genetic Algorithm Toolkit for R# language
imports "GA_toolkit" from "MLkit"; +
+

+

A Genetic Algorithm Toolkit for R# language

+
+

+

A Genetic Algorithm Toolkit for R# language

+

+
+
+ + + + + + + + + + + + + +
+ template +

create a new chromosome template.

+ population +
+ ANN.training +

Run ANN training under the GA framework

+
+
+
[Document Index]
+ + \ 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 + + + + + + +
+ + + + + + +
ANN.training {GA_toolkit}R Documentation
+ +

Run ANN training under the GA framework

+ +

Description

+ + + +

Usage

+ +
+
ANN.training(ANN, trainingSet,
+    mutationRate = 0.2,
+    populationSize = 1000,
+    iterations = 10000);
+
+ +

Arguments

+ + + +
trainingSet
+

-

+ + +
mutationRate#
+

-

+ + +
populationSize%
+

-

+ + +
iterations%
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Network.

clr value class

+ +

Examples

+ + + +
+
[Package GA_toolkit version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/GA_toolkit/population.html b/vignettes/MLkit/GA_toolkit/population.html new file mode 100644 index 0000000..ef5b884 --- /dev/null +++ b/vignettes/MLkit/GA_toolkit/population.html @@ -0,0 +1,66 @@ + + + + + population + + + + + + +
+ + + + + + +
population {GA_toolkit}R Documentation
+ +

population

+ +

Description

+ + population + +

Usage

+ +
+
population(ancestor,
+    mutation.rate = 0.2,
+    population.size = 500);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Population`1.

clr value class

+ +

Examples

+ + + +
+
[Package GA_toolkit version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/GA_toolkit/template.html b/vignettes/MLkit/GA_toolkit/template.html new file mode 100644 index 0000000..a198c61 --- /dev/null +++ b/vignettes/MLkit/GA_toolkit/template.html @@ -0,0 +1,83 @@ + + + + + create a new chromosome template. + + + + + + +
+ + + + + + +
template {GA_toolkit}R Documentation
+ +

create a new chromosome template.

+ +

Description

+ + + +

Usage

+ +
+
template(seed, crossover, mutate, uniqueId);
+
+ +

Arguments

+ + + +
seed
+

-

+ + +
crossover
+

-

+ + +
mutate
+

-

+ + +
uniqueId
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type GeneralChromosome.

clr value class

+ +

Examples

+ + + +
+
[Package GA_toolkit version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/NLP.html b/vignettes/MLkit/NLP.html new file mode 100644 index 0000000..b206939 --- /dev/null +++ b/vignettes/MLkit/NLP.html @@ -0,0 +1,106 @@ + + + + + + + NLP + + + + + + + + + + + + + + + + + + + + + + + +
{NLP}R# Documentation
+

NLP

+
+

+ + require(R); +

#' NLP tools
imports "NLP" from "MLkit"; +
+

+

NLP tools

+
+

+

NLP tools

+

+
+
+ + + + + + + + + + + + + + + + + +
+ segmentation +

split the given text into multiple parts

+ split_to_sentences +
+ count +

count tokens distribution

+ article +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/NLP/article.html b/vignettes/MLkit/NLP/article.html new file mode 100644 index 0000000..005759f --- /dev/null +++ b/vignettes/MLkit/NLP/article.html @@ -0,0 +1,67 @@ + + + + + article + + + + + + +
+ + + + + + +
article {NLP}R Documentation
+ +

article

+ +

Description

+ + article + +

Usage

+ +
+
article(html,
+    depth = 6,
+    limitCount = 180,
+    appendMode = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Article.

clr value class

+ +

Examples

+ + + +
+
[Package NLP version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/NLP/count.html b/vignettes/MLkit/NLP/count.html new file mode 100644 index 0000000..e14d065 --- /dev/null +++ b/vignettes/MLkit/NLP/count.html @@ -0,0 +1,71 @@ + + + + + count tokens distribution + + + + + + +
+ + + + + + +
count {NLP}R Documentation
+ +

count tokens distribution

+ +

Description

+ + + +

Usage

+ +
+
count(x);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package NLP version 1.0.0.0 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
segmentation {NLP}R Documentation
+ +

split the given text into multiple parts

+ +

Description

+ + + +

Usage

+ +
+
segmentation(text,
+    delimiter = ".?!",
+    chemical.name.rule = FALSE);
+
+ +

Arguments

+ + + +
text
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Paragraph.

clr value class

+ +

Examples

+ + + +
+
[Package NLP version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/NLP/split_to_sentences.html b/vignettes/MLkit/NLP/split_to_sentences.html new file mode 100644 index 0000000..639bf04 --- /dev/null +++ b/vignettes/MLkit/NLP/split_to_sentences.html @@ -0,0 +1,65 @@ + + + + + split_to_sentences + + + + + + +
+ + + + + + +
split_to_sentences {NLP}R Documentation
+ +

split_to_sentences

+ +

Description

+ + split_to_sentences + +

Usage

+ +
+
split_to_sentences(text,
+    delimiter = ".?!");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package NLP version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM.html b/vignettes/MLkit/SVM.html new file mode 100644 index 0000000..5495032 --- /dev/null +++ b/vignettes/MLkit/SVM.html @@ -0,0 +1,151 @@ + + + + + + + SVM + + + + + + + + + + + + + + + + + + + + + + + +
{SVM}R# Documentation
+

SVM

+
+

+ + require(R); +

{$desc_comments}
imports "SVM" from "MLkit"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ problem.trim +

removes all columns that will all value equals to each other

+ svm.problem +
+ append.trainingSet +

append problem data into current problem dataset

+ join.problems +

merge two problem table by row append.
+ (this api is usually apply for join
+ positive set and negative set.)

+ parse.SVM_problems +
+ problem.validateLabels +

extract the classify labels part from the
+ validation set object.

+ trainSVMModel +

train SVM model

+ parse.SVM_json +
+ svm_json +

serialize the SVM model as json string for save to a file

+ svm_classify +
+ svm_validates +

SVM model validation

+
+
+
[Document Index]
+ + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM/join.problems.html b/vignettes/MLkit/SVM/join.problems.html new file mode 100644 index 0000000..9191244 --- /dev/null +++ b/vignettes/MLkit/SVM/join.problems.html @@ -0,0 +1,71 @@ + + + + + merge two problem table by row append. + + + + + + +
+ + + + + + +
join.problems {SVM}R Documentation
+ +

merge two problem table by row append.

+ +

Description

+ +

(this api is usually apply for join
positive set and negative set.)

+ +

Usage

+ +
+
join.problems(x, y);
+
+ +

Arguments

+ + + +
x
+

positive set or negative set

+ + +
y
+

positive set or negative set

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ProblemTable.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM/parse.SVM_json.html b/vignettes/MLkit/SVM/parse.SVM_json.html new file mode 100644 index 0000000..d34bb23 --- /dev/null +++ b/vignettes/MLkit/SVM/parse.SVM_json.html @@ -0,0 +1,64 @@ + + + + + parse.SVM_json + + + + + + +
+ + + + + + +
parse.SVM_json {SVM}R Documentation
+ +

parse.SVM_json

+ +

Description

+ + parse.SVM_json + +

Usage

+ +
+
parse.SVM_json(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: SVMModel, SVMMultipleSet.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM/parse.SVM_problems.html b/vignettes/MLkit/SVM/parse.SVM_problems.html new file mode 100644 index 0000000..0956138 --- /dev/null +++ b/vignettes/MLkit/SVM/parse.SVM_problems.html @@ -0,0 +1,64 @@ + + + + + parse.SVM_problems + + + + + + +
+ + + + + + +
parse.SVM_problems {SVM}R Documentation
+ +

parse.SVM_problems

+ +

Description

+ + parse.SVM_problems + +

Usage

+ +
+
parse.SVM_problems(text);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ProblemTable.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM/problem.validateLabels.html b/vignettes/MLkit/SVM/problem.validateLabels.html new file mode 100644 index 0000000..8987583 --- /dev/null +++ b/vignettes/MLkit/SVM/problem.validateLabels.html @@ -0,0 +1,67 @@ + + + + + extract the classify labels part from the + + + + + + +
+ + + + + + +
problem.validateLabels {SVM}R Documentation
+ +

extract the classify labels part from the

+ +

Description

+ +

validation set object.

+ +

Usage

+ +
+
problem.validateLabels(problem);
+
+ +

Arguments

+ + + +
problem
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type dataframe.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM/svm.problem.html b/vignettes/MLkit/SVM/svm.problem.html new file mode 100644 index 0000000..aba1f66 --- /dev/null +++ b/vignettes/MLkit/SVM/svm.problem.html @@ -0,0 +1,64 @@ + + + + + svm.problem + + + + + + +
+ + + + + + +
svm.problem {SVM}R Documentation
+ +

svm.problem

+ +

Description

+ + svm.problem + +

Usage

+ +
+
svm.problem(dimensions);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Problem.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM/svm_classify.html b/vignettes/MLkit/SVM/svm_classify.html new file mode 100644 index 0000000..3859812 --- /dev/null +++ b/vignettes/MLkit/SVM/svm_classify.html @@ -0,0 +1,64 @@ + + + + + svm_classify + + + + + + +
+ + + + + + +
svm_classify {SVM}R Documentation
+ +

svm_classify

+ +

Description

+ + svm_classify + +

Usage

+ +
+
svm_classify(svm, data);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM/svm_validates.html b/vignettes/MLkit/SVM/svm_validates.html new file mode 100644 index 0000000..b68e34c --- /dev/null +++ b/vignettes/MLkit/SVM/svm_validates.html @@ -0,0 +1,83 @@ + + + + + SVM model validation + + + + + + +
+ + + + + + +
svm_validates {SVM}R Documentation
+ +

SVM model validation

+ +

Description

+ + + +

Usage

+ +
+
svm_validates(svm, validateSet, labels);
+
+ +

Arguments

+ + + +
svm
+

a trained SVM model

+ + +
validateSet
+

a dataframe object which contains the validate set data,
+ each column should be exists in the dimensin name of
+ the trainingSet.

+ + +
labels
+

a dataframe object which contains
+ the classify label result corresponding to the input
+ validateSet rows.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

PerformanceEvaluator dataset for draw a ROC curve.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/SVM/trainSVMModel.html b/vignettes/MLkit/SVM/trainSVMModel.html new file mode 100644 index 0000000..afdb1ac --- /dev/null +++ b/vignettes/MLkit/SVM/trainSVMModel.html @@ -0,0 +1,129 @@ + + + + + train SVM model + + + + + + +
+ + + + + + +
trainSVMModel {SVM}R Documentation
+ +

train SVM model

+ +

Description

+ + + +

Usage

+ +
+
trainSVMModel(problem,
+    svmType = C_SVC,
+    kernelType = RBF,
+    degree = 3,
+    gamma = 0.5,
+    coefficient0 = 0,
+    nu = 0.5,
+    cacheSize = 40,
+    C = 1,
+    EPS = 0.001,
+    P = 0.1,
+    shrinking = TRUE,
+    probability = FALSE,
+    weights = NULL,
+    verbose = FALSE);
+
+ +

Arguments

+ + + +
problem
+

-

+ + +
svmType
+

Type of SVM (default C-SVC)

+ + +
kernelType
+

Type of kernel function (default Polynomial)

+ + +
degree
+

Degree in kernel function (default 3).

+ + +
gamma
+

Gamma in kernel function (default 1/k)

+ + +
coefficient0
+

Zeroeth coefficient in kernel function (default 0)

+ + +
nu
+

The parameter nu of nu-SVC, one-class SVM, and nu-SVR (default 0.5)

+ + +
cacheSize
+

Cache memory size in MB (default 100)

+ + +
C
+

The parameter C of C-SVC, epsilon-SVR, and nu-SVR (default 1)

+ + +
EPS
+

Tolerance of termination criterion (default 0.001)

+ + +
P
+

The epsilon in loss function of epsilon-SVR (default 0.1)

+ + +
shrinking
+

Whether to use the shrinking heuristics, (default True)

+ + +
probability
+

Whether to train an SVC or SVR model for probability estimates, (default False)

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: SVMModel, SVMMultipleSet.

clr value class

+ +

Examples

+ + + +
+
[Package SVM version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/VAE.html b/vignettes/MLkit/VAE.html new file mode 100644 index 0000000..6995e4d --- /dev/null +++ b/vignettes/MLkit/VAE.html @@ -0,0 +1,88 @@ + + + + + + + VAE + + + + + + + + + + + + + + + + + + + + + + + +
{VAE}R# Documentation
+

VAE

+
+

+ + require(R); +

{$desc_comments}
imports "VAE" from "MLkit"; +
+

+

+
+

+ +

+
+
+ + + + + +
+ vae +

create vae training algorithm

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/VAE/vae.html b/vignettes/MLkit/VAE/vae.html new file mode 100644 index 0000000..537d5a5 --- /dev/null +++ b/vignettes/MLkit/VAE/vae.html @@ -0,0 +1,65 @@ + + + + + create vae training algorithm + + + + + + +
+ + + + + + +
vae {VAE}R Documentation
+ +

create vae training algorithm

+ +

Description

+ + + +

Usage

+ +
+
vae(dims,
+    latent.dims = 100);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package VAE version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering.html b/vignettes/MLkit/clustering.html new file mode 100644 index 0000000..82744d9 --- /dev/null +++ b/vignettes/MLkit/clustering.html @@ -0,0 +1,216 @@ + + + + + + + clustering + + + + + + + + + + + + + + + + + + + + + + + +
{clustering}R# Documentation
+

clustering

+
+

+ + require(R); +

#' R# data clustering tools
imports "clustering" from "MLkit"; +
+

+

R# data clustering tools

+
+

+

R# data clustering tools

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ gmm +

Construct a Gaussian Mixture Model with specific n components

+ gmm.predict +

Get cluster assign result

+ gmm.components +
+ gmm.predict_proba +
+ cmeans +

the cmeans algorithm module

+ +

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.

+ +
+

https://en.wikipedia.org/wiki/Fuzzy_clustering

+
+ getTraceback +

get the clustering traceback

+ kmeans +

K-Means Clustering

+ lloyds +
+ silhouette_score +

Silhouette Coefficient

+ hclust +

Hierarchical Clustering

+ +

Hierarchical cluster analysis on a set of dissimilarities and methods for analyzing it.

+ btree +

do clustering via binary tree

+ density +

evaluate density of the raw data

+ cluster.groups +

get cluster result data

+ dbscan_objects +

find objects from a given set of 2d points

+ hdbscan +
+ knn +

K-NN Classifier in R Programming

+ +

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 +

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).

+
+
+
[Document Index]
+ + \ 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 + + + + + + +
+ + + + + + +
btree {clustering}R Documentation
+ +

do clustering via binary tree

+ +

Description

+ + + +

Usage

+ +
+
btree(d,
+    equals = 0.9,
+    gt = 0.7,
+    as.hclust = FALSE,
+    method = SpectrumDotProduct);
+
+ +

Arguments

+ + + +
d
+

the input dataset

+ + +
equals
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/cluster.groups.html b/vignettes/MLkit/clustering/cluster.groups.html new file mode 100644 index 0000000..2312423 --- /dev/null +++ b/vignettes/MLkit/clustering/cluster.groups.html @@ -0,0 +1,77 @@ + + + + + get cluster result data + + + + + + +
+ + + + + + +
cluster.groups {clustering}R Documentation
+ +

get cluster result data

+ +

Description

+ + + +

Usage

+ +
+
cluster.groups(x,
+    labels = NULL,
+    labelclass.tuple = FALSE);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
labels
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: string, list.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

> https://en.wikipedia.org/wiki/Fuzzy_clustering

+ +

Usage

+ +
+
cmeans(dataset,
+    centers = 3,
+    fuzzification = 2,
+    threshold = 0.001);
+
+ +

Arguments

+ + + +
dataset
+

-

+ + +
centers
+

-

+ + +
fuzzification
+

-

+ + +
threshold
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Classify.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ 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).

+ +

Usage

+ +
+
dbscan(data, eps,
+    minPts = 5,
+    scale = FALSE,
+    method = raw,
+    seeds = TRUE,
+    countmode = NULL,
+    filterNoise = FALSE,
+    reorder.class = FALSE,
+    densityCut = -1);
+
+ +

Arguments

+ + + +
data
+

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!

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/getTraceback.html b/vignettes/MLkit/clustering/getTraceback.html new file mode 100644 index 0000000..a58b006 --- /dev/null +++ b/vignettes/MLkit/clustering/getTraceback.html @@ -0,0 +1,64 @@ + + + + + get the clustering traceback + + + + + + +
+ + + + + + +
getTraceback {clustering}R Documentation
+ +

get the clustering traceback

+ +

Description

+ + + +

Usage

+ +
+
getTraceback();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type list.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/gmm.components.html b/vignettes/MLkit/clustering/gmm.components.html new file mode 100644 index 0000000..0e21426 --- /dev/null +++ b/vignettes/MLkit/clustering/gmm.components.html @@ -0,0 +1,64 @@ + + + + + gmm.components + + + + + + +
+ + + + + + +
gmm.components {clustering}R Documentation
+ +

gmm.components

+ +

Description

+ + gmm.components + +

Usage

+ +
+
gmm.components(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
gmm(x,
+    components = 3,
+    threshold = 1E-07,
+    strict = TRUE,
+    verbose = FALSE);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/gmm.predict.html b/vignettes/MLkit/clustering/gmm.predict.html new file mode 100644 index 0000000..4c4e0f4 --- /dev/null +++ b/vignettes/MLkit/clustering/gmm.predict.html @@ -0,0 +1,71 @@ + + + + + Get cluster assign result + + + + + + +
+ + + + + + +
gmm.predict {clustering}R Documentation
+ +

Get cluster assign result

+ +

Description

+ + + +

Usage

+ +
+
gmm.predict(x);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/gmm.predict_proba.html b/vignettes/MLkit/clustering/gmm.predict_proba.html new file mode 100644 index 0000000..bcdab9f --- /dev/null +++ b/vignettes/MLkit/clustering/gmm.predict_proba.html @@ -0,0 +1,64 @@ + + + + + gmm.predict_proba + + + + + + +
+ + + + + + +
gmm.predict_proba {clustering}R Documentation
+ +

gmm.predict_proba

+ +

Description

+ + gmm.predict_proba + +

Usage

+ +
+
gmm.predict_proba(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/hclust.html b/vignettes/MLkit/clustering/hclust.html new file mode 100644 index 0000000..ae91200 --- /dev/null +++ b/vignettes/MLkit/clustering/hclust.html @@ -0,0 +1,112 @@ + + + + + Hierarchical Clustering + + + + + + +
+ + + + + + +
hclust {clustering}R Documentation
+ +

Hierarchical Clustering

+ +

Description

+ +


Hierarchical cluster analysis on a set of dissimilarities and methods for analyzing it.

+ +

Usage

+ +
+
hclust(d,
+    method = "complete",
+    debug = FALSE);
+
+ +

Arguments

+ + + +
d
+

a dissimilarity structure as produced by dist.

+ + +
method
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/hdbscan.html b/vignettes/MLkit/clustering/hdbscan.html new file mode 100644 index 0000000..0f1b93a --- /dev/null +++ b/vignettes/MLkit/clustering/hdbscan.html @@ -0,0 +1,66 @@ + + + + + hdbscan + + + + + + +
+ + + + + + +
hdbscan {clustering}R Documentation
+ +

hdbscan

+ +

Description

+ + hdbscan + +

Usage

+ +
+
hdbscan(data,
+    min.points = 6,
+    min.clusters = 6);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/kmeans.html b/vignettes/MLkit/clustering/kmeans.html new file mode 100644 index 0000000..7f20fca --- /dev/null +++ b/vignettes/MLkit/clustering/kmeans.html @@ -0,0 +1,92 @@ + + + + + K-Means Clustering + + + + + + +
+ + + + + + +
kmeans {clustering}R Documentation
+ +

K-Means Clustering

+ +

Description

+ + + +

Usage

+ +
+
kmeans(x,
+    centers = 3,
+    bisecting = FALSE,
+    parallel = TRUE,
+    debug = FALSE,
+    traceback = FALSE);
+
+ +

Arguments

+ + + +
x
+

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.

+ + +
parallel
+

-

+ + +
debug
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type EntityClusterModel.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ 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:

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/clustering/lloyds.html b/vignettes/MLkit/clustering/lloyds.html new file mode 100644 index 0000000..98b181b --- /dev/null +++ b/vignettes/MLkit/clustering/lloyds.html @@ -0,0 +1,65 @@ + + + + + lloyds + + + + + + +
+ + + + + + +
lloyds {clustering}R Documentation
+ +

lloyds

+ +

Description

+ + lloyds + +

Usage

+ +
+
lloyds(x,
+    k = 3);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package clustering version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ SGT +

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

+
+ split_training_test +
+ estimate_alphabets +
+ sample_id +
+ get_feature +

get feature vector by a given feature column index

+ project_features +

Makes the feature projection

+ sort_samples +

sort the sample dataset

+ add_sample +

Add a data sample into the target sparse sample matrix object

+ toFeatureSet +
+ as.MLdataset +

Convert the sciBASIC general dataframe as the Machine learning general dataset

+ description +
+ normalize_matrix +

get the normalization matrix from a given machine learning training dataset.

+ as.tabular +

convert machine learning dataset to dataframe table.

+ as.sampleSet +
+ read.ML_model +

read the dataset for training the machine learning model

+ write.ML_model +

write the data model to file

+ write.sample_set +
+ read.sample_set +
+ MNIST.dims +
+ read.MNIST +

read mnist dataset file as R# dataframe object

+ gaussian +

create demo matrix for run test

+ q_factors +

encode a given numeric sequence as factors by quantile levels

+ encoding +

do feature encoding

+ to_bins +
+ to_factors +
+ to_ints +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/MNIST.dims.html b/vignettes/MLkit/dataset/MNIST.dims.html new file mode 100644 index 0000000..b296f56 --- /dev/null +++ b/vignettes/MLkit/dataset/MNIST.dims.html @@ -0,0 +1,64 @@ + + + + + MNIST.dims + + + + + + +
+ + + + + + +
MNIST.dims {dataset}R Documentation
+ +

MNIST.dims

+ +

Description

+ + MNIST.dims + +

Usage

+ +
+
MNIST.dims(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

> https://github.com/cran2367/sgt/blob/25bf28097788fbbf9727abad91ec6e59873947cc/python/sgt-package/sgt/sgt.py

+ +

Usage

+ +
+
SGT(
+    alphabets = NULL,
+    kappa = 1,
+    length.sensitive = FALSE,
+    mode = Full);
+
+ +

Arguments

+ + + +
alphabets
+

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

+ + +

Value

+ + this function returns data object of type SequenceGraphTransform.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/add_sample.html b/vignettes/MLkit/dataset/add_sample.html new file mode 100644 index 0000000..6ad747f --- /dev/null +++ b/vignettes/MLkit/dataset/add_sample.html @@ -0,0 +1,75 @@ + + + + + Add a data sample into the target sparse sample matrix object + + + + + + +
+ + + + + + +
add_sample {dataset}R Documentation
+ +

Add a data sample into the target sparse sample matrix object

+ +

Description

+ + + +

Usage

+ +
+
add_sample(matrix, sample.id, x);
+
+ +

Arguments

+ + + +
matrix
+

the sparse matrix object

+ + +
sample.id
+

the row name, unique sample id

+ + +
x
+

the sample data, should be in format of [feature_name=>value] key-value tuple list.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type UnionMatrix.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/as.sampleSet.html b/vignettes/MLkit/dataset/as.sampleSet.html new file mode 100644 index 0000000..7d3c336 --- /dev/null +++ b/vignettes/MLkit/dataset/as.sampleSet.html @@ -0,0 +1,64 @@ + + + + + as.sampleSet + + + + + + +
+ + + + + + +
as.sampleSet {dataset}R Documentation
+ +

as.sampleSet

+ +

Description

+ + as.sampleSet + +

Usage

+ +
+
as.sampleSet(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type SampleData[].

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/as.tabular.html b/vignettes/MLkit/dataset/as.tabular.html new file mode 100644 index 0000000..bbfc37a --- /dev/null +++ b/vignettes/MLkit/dataset/as.tabular.html @@ -0,0 +1,72 @@ + + + + + convert machine learning dataset to dataframe table. + + + + + + +
+ + + + + + +
as.tabular {dataset}R Documentation
+ +

convert machine learning dataset to dataframe table.

+ +

Description

+ + + +

Usage

+ +
+
as.tabular(x,
+    markOuput = TRUE);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
markOuput
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DataSet[].

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/description.html b/vignettes/MLkit/dataset/description.html new file mode 100644 index 0000000..0ac52c2 --- /dev/null +++ b/vignettes/MLkit/dataset/description.html @@ -0,0 +1,64 @@ + + + + + description + + + + + + +
+ + + + + + +
description {dataset}R Documentation
+ +

description

+ +

Description

+ + description + +

Usage

+ +
+
description(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/encoding.html b/vignettes/MLkit/dataset/encoding.html new file mode 100644 index 0000000..1ac113d --- /dev/null +++ b/vignettes/MLkit/dataset/encoding.html @@ -0,0 +1,72 @@ + + + + + do feature encoding + + + + + + +
+ + + + + + +
encoding {dataset}R Documentation
+ +

do feature encoding

+ +

Description

+ + + +

Usage

+ +
+
encoding(features, ...);
+
+ +

Arguments

+ + + +
features
+

-

+ + +
encoder
+

a set of the encoder function that apply to the
+ corresponding feature data.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DataFrame.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/estimate_alphabets.html b/vignettes/MLkit/dataset/estimate_alphabets.html new file mode 100644 index 0000000..abb052e --- /dev/null +++ b/vignettes/MLkit/dataset/estimate_alphabets.html @@ -0,0 +1,64 @@ + + + + + estimate_alphabets + + + + + + +
+ + + + + + +
estimate_alphabets {dataset}R Documentation
+ +

estimate_alphabets

+ +

Description

+ + estimate_alphabets + +

Usage

+ +
+
estimate_alphabets(seqs);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/gaussian.html b/vignettes/MLkit/dataset/gaussian.html new file mode 100644 index 0000000..6551500 --- /dev/null +++ b/vignettes/MLkit/dataset/gaussian.html @@ -0,0 +1,81 @@ + + + + + create demo matrix for run test + + + + + + +
+ + + + + + +
gaussian {dataset}R Documentation
+ +

create demo matrix for run test

+ +

Description

+ + + +

Usage

+ +
+
gaussian(size, dimensions,
+    pzero = 0.8,
+    nclass = 5);
+
+ +

Arguments

+ + + +
size
+

number of rows

+ + +
dimensions
+

number of columns

+ + +
pzero
+

percentage of zero in an entity vector

+ + +
nclass
+

number of class tags

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type dataframe.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/project_features.html b/vignettes/MLkit/dataset/project_features.html new file mode 100644 index 0000000..0a91987 --- /dev/null +++ b/vignettes/MLkit/dataset/project_features.html @@ -0,0 +1,75 @@ + + + + + Makes the feature projection + + + + + + +
+ + + + + + +
project_features {dataset}R Documentation
+ +

Makes the feature projection

+ +

Description

+ + + +

Usage

+ +
+
project_features(x, features);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
features
+

the feature column index in the sample dataset, start based 1.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/q_factors.html b/vignettes/MLkit/dataset/q_factors.html new file mode 100644 index 0000000..c30f02a --- /dev/null +++ b/vignettes/MLkit/dataset/q_factors.html @@ -0,0 +1,72 @@ + + + + + encode a given numeric sequence as factors by quantile levels + + + + + + +
+ + + + + + +
q_factors {dataset}R Documentation
+ +

encode a given numeric sequence as factors by quantile levels

+ +

Description

+ + + +

Usage

+ +
+
q_factors(x, levels,
+    fast = TRUE);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
levels
+

The number of quantile levels to encode the target numeric sequence

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/read.MNIST.html b/vignettes/MLkit/dataset/read.MNIST.html new file mode 100644 index 0000000..507f0dc --- /dev/null +++ b/vignettes/MLkit/dataset/read.MNIST.html @@ -0,0 +1,81 @@ + + + + + read mnist dataset file as R# dataframe object + + + + + + +
+ + + + + + +
read.MNIST {dataset}R Documentation
+ +

read mnist dataset file as R# dataframe object

+ +

Description

+ + + +

Usage

+ +
+
read.MNIST(path,
+    subset = -1,
+    ... = NULL);
+
+ +

Arguments

+ + + +
path
+

The MNIST image data file path

+ + +
subset
+

Just take a subset of the target dataset, this parameter is the sample size of the sub dataset

+ + +
args
+

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/read.sample_set.html b/vignettes/MLkit/dataset/read.sample_set.html new file mode 100644 index 0000000..a4f4afe --- /dev/null +++ b/vignettes/MLkit/dataset/read.sample_set.html @@ -0,0 +1,64 @@ + + + + + read.sample_set + + + + + + +
+ + + + + + +
read.sample_set {dataset}R Documentation
+ +

read.sample_set

+ +

Description

+ + read.sample_set + +

Usage

+ +
+
read.sample_set(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type SampleData.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/sample_id.html b/vignettes/MLkit/dataset/sample_id.html new file mode 100644 index 0000000..6ea8b70 --- /dev/null +++ b/vignettes/MLkit/dataset/sample_id.html @@ -0,0 +1,64 @@ + + + + + sample_id + + + + + + +
+ + + + + + +
sample_id {dataset}R Documentation
+ +

sample_id

+ +

Description

+ + sample_id + +

Usage

+ +
+
sample_id(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/sort_samples.html b/vignettes/MLkit/dataset/sort_samples.html new file mode 100644 index 0000000..1948c84 --- /dev/null +++ b/vignettes/MLkit/dataset/sort_samples.html @@ -0,0 +1,86 @@ + + + + + sort the sample dataset + + + + + + +
+ + + + + + +
sort_samples {dataset}R Documentation
+ +

sort the sample dataset

+ +

Description

+ + + +

Usage

+ +
+
sort_samples(x, order.id,
+    desc = FALSE);
+
+ +

Arguments

+ + + +
x
+

should be a collection of the sample dataset

+ + +
order.id
+

this parameter value could be a:

+ +
    +
  1. the sample id collection
  2. +
  3. a feature index, start from base 1
  4. +

+ + +
desc
+

sort the feature data in desc order, this parameter only works when the
+ order id parameter is a single feature index value.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

the input sample data will be sorted based on the given order_id vector.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/split_training_test.html b/vignettes/MLkit/dataset/split_training_test.html new file mode 100644 index 0000000..c2aec19 --- /dev/null +++ b/vignettes/MLkit/dataset/split_training_test.html @@ -0,0 +1,65 @@ + + + + + split_training_test + + + + + + +
+ + + + + + +
split_training_test {dataset}R Documentation
+ +

split_training_test

+ +

Description

+ + split_training_test + +

Usage

+ +
+
split_training_test(ds,
+    ratio = 0.7);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type list. the list data also has some specificied data fields: list(training, test).

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/toFeatureSet.html b/vignettes/MLkit/dataset/toFeatureSet.html new file mode 100644 index 0000000..5c384d5 --- /dev/null +++ b/vignettes/MLkit/dataset/toFeatureSet.html @@ -0,0 +1,64 @@ + + + + + toFeatureSet + + + + + + +
+ + + + + + +
toFeatureSet {dataset}R Documentation
+ +

toFeatureSet

+ +

Description

+ + toFeatureSet + +

Usage

+ +
+
toFeatureSet(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DataFrame.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/to_bins.html b/vignettes/MLkit/dataset/to_bins.html new file mode 100644 index 0000000..64cb10c --- /dev/null +++ b/vignettes/MLkit/dataset/to_bins.html @@ -0,0 +1,66 @@ + + + + + to_bins + + + + + + +
+ + + + + + +
to_bins {dataset}R Documentation
+ +

to_bins

+ +

Description

+ + to_bins + +

Usage

+ +
+
to_bins(
+    nbins = 3,
+    format = "G4");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type FeatureEncoder.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/to_factors.html b/vignettes/MLkit/dataset/to_factors.html new file mode 100644 index 0000000..fba6011 --- /dev/null +++ b/vignettes/MLkit/dataset/to_factors.html @@ -0,0 +1,64 @@ + + + + + to_factors + + + + + + +
+ + + + + + +
to_factors {dataset}R Documentation
+ +

to_factors

+ +

Description

+ + to_factors + +

Usage

+ +
+
to_factors();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type EnumEncoder.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/to_ints.html b/vignettes/MLkit/dataset/to_ints.html new file mode 100644 index 0000000..03a2469 --- /dev/null +++ b/vignettes/MLkit/dataset/to_ints.html @@ -0,0 +1,64 @@ + + + + + to_ints + + + + + + +
+ + + + + + +
to_ints {dataset}R Documentation
+ +

to_ints

+ +

Description

+ + to_ints + +

Usage

+ +
+
to_ints();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type FlagEncoder.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/dataset/write.sample_set.html b/vignettes/MLkit/dataset/write.sample_set.html new file mode 100644 index 0000000..dbe8ef9 --- /dev/null +++ b/vignettes/MLkit/dataset/write.sample_set.html @@ -0,0 +1,64 @@ + + + + + write.sample_set + + + + + + +
+ + + + + + +
write.sample_set {dataset}R Documentation
+ +

write.sample_set

+ +

Description

+ + write.sample_set + +

Usage

+ +
+
write.sample_set(x, file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package dataset version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov.html b/vignettes/MLkit/hiddenMarkov.html new file mode 100644 index 0000000..6c6b990 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov.html @@ -0,0 +1,142 @@ + + + + + + + hiddenMarkov + + + + + + + + + + + + + + + + + + + + + + + +
{hiddenMarkov}R# Documentation
+

hiddenMarkov

+
+

+ + require(R); +

{$desc_comments}
imports "hiddenMarkov" from "MLkit"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ as.statesMatrix +
+ MarkovChain +
+ sequenceProb +
+ transMatrix +
+ HMM +
+ bayesTheorem +
+ forwardAlgorithm +
+ backwardAlgorithm +
+ viterbiAlgorithm +
+ baumWelchAlgorithm +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/HMM.html b/vignettes/MLkit/hiddenMarkov/HMM.html new file mode 100644 index 0000000..abdf386 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/HMM.html @@ -0,0 +1,64 @@ + + + + + HMM + + + + + + +
+ + + + + + +
HMM {hiddenMarkov}R Documentation
+ +

HMM

+ +

Description

+ + HMM + +

Usage

+ +
+
HMM(hiddenStates, observables, hiddenInit);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/MarkovChain.html b/vignettes/MLkit/hiddenMarkov/MarkovChain.html new file mode 100644 index 0000000..50a7db8 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/MarkovChain.html @@ -0,0 +1,64 @@ + + + + + MarkovChain + + + + + + +
+ + + + + + +
MarkovChain {hiddenMarkov}R Documentation
+ +

MarkovChain

+ +

Description

+ + MarkovChain + +

Usage

+ +
+
MarkovChain(states, init);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type MarkovChain.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/as.statesMatrix.html b/vignettes/MLkit/hiddenMarkov/as.statesMatrix.html new file mode 100644 index 0000000..9038001 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/as.statesMatrix.html @@ -0,0 +1,73 @@ + + + + + + + + + + + +
+ + + + + + +
as.statesMatrix {hiddenMarkov}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
as.statesMatrix(matrix);
+
+ +

Arguments

+ + + +
matrix
+

A dataframe matrix object should contains fields:

+ +

states and probability

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type StatesObject.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/backwardAlgorithm.html b/vignettes/MLkit/hiddenMarkov/backwardAlgorithm.html new file mode 100644 index 0000000..2fe69a8 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/backwardAlgorithm.html @@ -0,0 +1,64 @@ + + + + + backwardAlgorithm + + + + + + +
+ + + + + + +
backwardAlgorithm {hiddenMarkov}R Documentation
+ +

backwardAlgorithm

+ +

Description

+ + backwardAlgorithm + +

Usage

+ +
+
backwardAlgorithm(hmm, obs);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/baumWelchAlgorithm.html b/vignettes/MLkit/hiddenMarkov/baumWelchAlgorithm.html new file mode 100644 index 0000000..b744ee9 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/baumWelchAlgorithm.html @@ -0,0 +1,64 @@ + + + + + baumWelchAlgorithm + + + + + + +
+ + + + + + +
baumWelchAlgorithm {hiddenMarkov}R Documentation
+ +

baumWelchAlgorithm

+ +

Description

+ + baumWelchAlgorithm + +

Usage

+ +
+
baumWelchAlgorithm(hmm, obs);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/bayesTheorem.html b/vignettes/MLkit/hiddenMarkov/bayesTheorem.html new file mode 100644 index 0000000..2edcc77 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/bayesTheorem.html @@ -0,0 +1,64 @@ + + + + + bayesTheorem + + + + + + +
+ + + + + + +
bayesTheorem {hiddenMarkov}R Documentation
+ +

bayesTheorem

+ +

Description

+ + bayesTheorem + +

Usage

+ +
+
bayesTheorem(hmm, observation, hiddenState);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/forwardAlgorithm.html b/vignettes/MLkit/hiddenMarkov/forwardAlgorithm.html new file mode 100644 index 0000000..bb74c68 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/forwardAlgorithm.html @@ -0,0 +1,64 @@ + + + + + forwardAlgorithm + + + + + + +
+ + + + + + +
forwardAlgorithm {hiddenMarkov}R Documentation
+ +

forwardAlgorithm

+ +

Description

+ + forwardAlgorithm + +

Usage

+ +
+
forwardAlgorithm(hmm, obs);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/sequenceProb.html b/vignettes/MLkit/hiddenMarkov/sequenceProb.html new file mode 100644 index 0000000..76583ae --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/sequenceProb.html @@ -0,0 +1,64 @@ + + + + + sequenceProb + + + + + + +
+ + + + + + +
sequenceProb {hiddenMarkov}R Documentation
+ +

sequenceProb

+ +

Description

+ + sequenceProb + +

Usage

+ +
+
sequenceProb(markovChain, seq);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/transMatrix.html b/vignettes/MLkit/hiddenMarkov/transMatrix.html new file mode 100644 index 0000000..4ac6ec8 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/transMatrix.html @@ -0,0 +1,64 @@ + + + + + transMatrix + + + + + + +
+ + + + + + +
transMatrix {hiddenMarkov}R Documentation
+ +

transMatrix

+ +

Description

+ + transMatrix + +

Usage

+ +
+
transMatrix(markov);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type GeneralMatrix.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/hiddenMarkov/viterbiAlgorithm.html b/vignettes/MLkit/hiddenMarkov/viterbiAlgorithm.html new file mode 100644 index 0000000..104ec05 --- /dev/null +++ b/vignettes/MLkit/hiddenMarkov/viterbiAlgorithm.html @@ -0,0 +1,64 @@ + + + + + viterbiAlgorithm + + + + + + +
+ + + + + + +
viterbiAlgorithm {hiddenMarkov}R Documentation
+ +

viterbiAlgorithm

+ +

Description

+ + viterbiAlgorithm + +

Usage

+ +
+
viterbiAlgorithm(hmm, obs);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package hiddenMarkov version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning.html b/vignettes/MLkit/machineLearning.html new file mode 100644 index 0000000..5698902 --- /dev/null +++ b/vignettes/MLkit/machineLearning.html @@ -0,0 +1,208 @@ + + + + + + + machineLearning + + + + + + + + + + + + + + + + + + + + + + + +
{machineLearning}R# Documentation
+

machineLearning

+
+

+ + require(R); +

#' R# machine learning library
imports "machineLearning" from "MLkit"; +
+

+

R# machine learning library

+
+

+

R# machine learning library

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ softmax +
+ raw_samples +
+ add_samples +

add new training sample collection into the model dataset

+ read.ANN_network +
+ load.parallel_ANN +
+ as.ANN +
+ new.ML_model +

create a new model dataset

+ add +

add new training sample into the model dataset

+ ANN.predict +
+ normalize +
+ create.normalize +

Create normalization matrix data object for the given ANN training data model

+ check.ML_model +

check the errors that may exists in the dataset file.

+ write.ANN_network +

save a trained ANN network model into a given xml files.

+ open.debugger +

open a file connection to the model debug file.

+ ANN.training_model +

create a new ANN training model

+ configuration +

Apply configuration on the ANN training model.

+ input.size +
+ output.size +
+ set.trainingSet +
+ training +

do ANN model training

+ training.ANN +

do ANN model training

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/ANN.predict.html b/vignettes/MLkit/machineLearning/ANN.predict.html new file mode 100644 index 0000000..cf63a34 --- /dev/null +++ b/vignettes/MLkit/machineLearning/ANN.predict.html @@ -0,0 +1,64 @@ + + + + + ANN.predict + + + + + + +
+ + + + + + +
ANN.predict {machineLearning}R Documentation
+ +

ANN.predict

+ +

Description

+ + ANN.predict + +

Usage

+ +
+
ANN.predict(model, input);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
ANN.training_model {machineLearning}R Documentation
+ +

create a new ANN training model

+ +

Description

+ + + +

Usage

+ +
+
ANN.training_model(inputSize, outputSize,
+    hiddenSize = [25,100,30],
+    learnRate = 0.1,
+    momentum = 0.9,
+    active = MLkit.activation,
+    weight0 = "random",
+    learnRateDecay = 1E-10,
+    truncate = -1,
+    split = FALSE);
+
+ +

Arguments

+ + + +
inputSize
+

the number of nodes for the input layer

+ + +
outputSize
+

the number of nodes for the output layer

+ + +
hiddenSize
+

the hiden size of nodes for each hidden layers

+ + +
learnRate
+

-

+ + +
momentum
+

-

+ + +
active
+

-

+ + +
weight0
+

-

+ + +
learnRateDecay
+

-

+ + +
truncate
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ANNTrainer.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
add_samples(x, samples,
+    estimateQuantile = TRUE);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
samples
+

-

+ + +
estimateQuantile
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DataSet.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/as.ANN.html b/vignettes/MLkit/machineLearning/as.ANN.html new file mode 100644 index 0000000..61cd374 --- /dev/null +++ b/vignettes/MLkit/machineLearning/as.ANN.html @@ -0,0 +1,64 @@ + + + + + as.ANN + + + + + + +
+ + + + + + +
as.ANN {machineLearning}R Documentation
+ +

as.ANN

+ +

Description

+ + as.ANN + +

Usage

+ +
+
as.ANN(model);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Network.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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[].

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/configuration.html b/vignettes/MLkit/machineLearning/configuration.html new file mode 100644 index 0000000..14522b9 --- /dev/null +++ b/vignettes/MLkit/machineLearning/configuration.html @@ -0,0 +1,75 @@ + + + + + Apply configuration on the ANN training model. + + + + + + +
+ + + + + + +
configuration {machineLearning}R Documentation
+ +

Apply configuration on the ANN training model.

+ +

Description

+ + + +

Usage

+ +
+
configuration(util,
+    softmax = NULL,
+    selectiveMode = NULL,
+    dropout = NULL,
+    snapshotLocation = "NA");
+
+ +

Arguments

+ + + +
util
+

-

+ + +
dropout
+

a percentage value range in [0,1].

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ANNTrainer.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
create.normalize(dataset,
+    names = NULL,
+    estimateQuantile = TRUE);
+
+ +

Arguments

+ + + +
dataset
+

-

+ + +
names
+

the names of the input dimensions

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DataSet.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/input.size.html b/vignettes/MLkit/machineLearning/input.size.html new file mode 100644 index 0000000..4b449a3 --- /dev/null +++ b/vignettes/MLkit/machineLearning/input.size.html @@ -0,0 +1,64 @@ + + + + + input.size + + + + + + +
+ + + + + + +
input.size {machineLearning}R Documentation
+ +

input.size

+ +

Description

+ + input.size + +

Usage

+ +
+
input.size(trainSet);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/load.parallel_ANN.html b/vignettes/MLkit/machineLearning/load.parallel_ANN.html new file mode 100644 index 0000000..f53cd83 --- /dev/null +++ b/vignettes/MLkit/machineLearning/load.parallel_ANN.html @@ -0,0 +1,65 @@ + + + + + load.parallel_ANN + + + + + + +
+ + + + + + +
load.parallel_ANN {machineLearning}R Documentation
+ +

load.parallel_ANN

+ +

Description

+ + load.parallel_ANN + +

Usage

+ +
+
load.parallel_ANN(dir, normalize,
+    method = NormalScaler);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ParallelNetwork.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/new.ML_model.html b/vignettes/MLkit/machineLearning/new.ML_model.html new file mode 100644 index 0000000..fd20dd2 --- /dev/null +++ b/vignettes/MLkit/machineLearning/new.ML_model.html @@ -0,0 +1,67 @@ + + + + + create a new model dataset + + + + + + +
+ + + + + + +
new.ML_model {machineLearning}R Documentation
+ +

create a new model dataset

+ +

Description

+ + + +

Usage

+ +
+
new.ML_model(file);
+
+ +

Arguments

+ + + +
file
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type RDispose.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/normalize.html b/vignettes/MLkit/machineLearning/normalize.html new file mode 100644 index 0000000..5ef5d29 --- /dev/null +++ b/vignettes/MLkit/machineLearning/normalize.html @@ -0,0 +1,65 @@ + + + + + normalize + + + + + + +
+ + + + + + +
normalize {machineLearning}R Documentation
+ +

normalize

+ +

Description

+ + normalize + +

Usage

+ +
+
normalize(trainingSet, input,
+    method = NormalScaler);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/output.size.html b/vignettes/MLkit/machineLearning/output.size.html new file mode 100644 index 0000000..467dad7 --- /dev/null +++ b/vignettes/MLkit/machineLearning/output.size.html @@ -0,0 +1,64 @@ + + + + + output.size + + + + + + +
+ + + + + + +
output.size {machineLearning}R Documentation
+ +

output.size

+ +

Description

+ + output.size + +

Usage

+ +
+
output.size(trainSet);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/raw_samples.html b/vignettes/MLkit/machineLearning/raw_samples.html new file mode 100644 index 0000000..1fc8be6 --- /dev/null +++ b/vignettes/MLkit/machineLearning/raw_samples.html @@ -0,0 +1,64 @@ + + + + + raw_samples + + + + + + +
+ + + + + + +
raw_samples {machineLearning}R Documentation
+ +

raw_samples

+ +

Description

+ + raw_samples + +

Usage

+ +
+
raw_samples(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Sample[].

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/read.ANN_network.html b/vignettes/MLkit/machineLearning/read.ANN_network.html new file mode 100644 index 0000000..e56ac40 --- /dev/null +++ b/vignettes/MLkit/machineLearning/read.ANN_network.html @@ -0,0 +1,64 @@ + + + + + read.ANN_network + + + + + + +
+ + + + + + +
read.ANN_network {machineLearning}R Documentation
+ +

read.ANN_network

+ +

Description

+ + read.ANN_network + +

Usage

+ +
+
read.ANN_network(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NeuralNetwork.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/set.trainingSet.html b/vignettes/MLkit/machineLearning/set.trainingSet.html new file mode 100644 index 0000000..7051c8a --- /dev/null +++ b/vignettes/MLkit/machineLearning/set.trainingSet.html @@ -0,0 +1,82 @@ + + + + + + + + + + + +
+ + + + + + +
set.trainingSet {machineLearning}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
set.trainingSet(ann, trainingSet,
+    normalMethod = RelativeScaler,
+    attribute = -1,
+    setOutputNames = TRUE);
+
+ +

Arguments

+ + + +
ann
+

-

+ + +
trainingSet
+

-

+ + +
normalMethod
+

-

+ + +
attribute
+

run training for a single output or all of the result output.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ANNTrainer.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/machineLearning/softmax.html b/vignettes/MLkit/machineLearning/softmax.html new file mode 100644 index 0000000..6d0c4bb --- /dev/null +++ b/vignettes/MLkit/machineLearning/softmax.html @@ -0,0 +1,64 @@ + + + + + softmax + + + + + + +
+ + + + + + +
softmax {machineLearning}R Documentation
+ +

softmax

+ +

Description

+ + softmax + +

Usage

+ +
+
softmax(V);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
training.ANN {machineLearning}R Documentation
+ +

do ANN model training

+ +

Description

+ + + +

Usage

+ +
+
training.ANN(trainSet,
+    hiddenSize = [25,100,30],
+    learnRate = 0.1,
+    momentum = 0.9,
+    weight0 = "random",
+    active = MLkit.activation,
+    normalMethod = RelativeScaler,
+    learnRateDecay = 1E-10,
+    truncate = -1,
+    softmax = TRUE,
+    selectiveMode = FALSE,
+    dropout = 0,
+    maxIterations = 10000,
+    minErr = 0.01,
+    parallel = TRUE,
+    outputSnapshot = FALSE,
+    attribute = -1);
+
+ +

Arguments

+ + + +
trainSet
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
training {machineLearning}R Documentation
+ +

do ANN model training

+ +

Description

+ + + +

Usage

+ +
+
training(training,
+    maxIterations = 10000,
+    minErr = 0.01,
+    parallel = TRUE);
+
+ +

Arguments

+ + + +
trainSet
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Description

+ + + +

Usage

+ +
+
write.ANN_network(model, file,
+    scattered = TRUE);
+
+ +

Arguments

+ + + +
model
+

-

+ + +
file
+

the xml file path or directory path.

+ + +
scattered
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type boolean.

clr value class

+ +

Examples

+ + + +
+
[Package machineLearning version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/t-SNE.html b/vignettes/MLkit/t-SNE.html new file mode 100644 index 0000000..832cf76 --- /dev/null +++ b/vignettes/MLkit/t-SNE.html @@ -0,0 +1,100 @@ + + + + + + + t-SNE + + + + + + + + + + + + + + + + + + + + + + + +
{t-SNE}R# Documentation
+

t-SNE

+
+

+ + require(R); +

{$desc_comments}
imports "t-SNE" from "MLkit"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + +
+ t.SNE +

create t-SNE algorithm module

+ data +
+ solve +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/t-SNE/data.html b/vignettes/MLkit/t-SNE/data.html new file mode 100644 index 0000000..92149aa --- /dev/null +++ b/vignettes/MLkit/t-SNE/data.html @@ -0,0 +1,64 @@ + + + + + data + + + + + + +
+ + + + + + +
data {t-SNE}R Documentation
+ +

data

+ +

Description

+ + data + +

Usage

+ +
+
data(tSNE, dataset);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type tSNEDataSet.

clr value class

+ +

Examples

+ + + +
+
[Package t-SNE version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/t-SNE/solve.html b/vignettes/MLkit/t-SNE/solve.html new file mode 100644 index 0000000..58dfd5f --- /dev/null +++ b/vignettes/MLkit/t-SNE/solve.html @@ -0,0 +1,65 @@ + + + + + solve + + + + + + +
+ + + + + + +
solve {t-SNE}R Documentation
+ +

solve

+ +

Description

+ + solve + +

Usage

+ +
+
solve(tSNE,
+    iterations = 500);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type tSNEDataSet.

clr value class

+ +

Examples

+ + + +
+
[Package t-SNE version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/t-SNE/t.SNE.html b/vignettes/MLkit/t-SNE/t.SNE.html new file mode 100644 index 0000000..ba67e66 --- /dev/null +++ b/vignettes/MLkit/t-SNE/t.SNE.html @@ -0,0 +1,78 @@ + + + + + create t-SNE algorithm module + + + + + + +
+ + + + + + +
t.SNE {t-SNE}R Documentation
+ +

create t-SNE algorithm module

+ +

Description

+ + + +

Usage

+ +
+
t.SNE(
+    perplexity = 30,
+    dimension = 2,
+    epsilon = 10);
+
+ +

Arguments

+ + + +
perplexity
+

-

+ + +
dimension
+

-

+ + +
epsilon
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type tSNE.

clr value class

+ +

Examples

+ + + +
+
[Package t-SNE version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/umap.html b/vignettes/MLkit/umap.html new file mode 100644 index 0000000..11c5a4b --- /dev/null +++ b/vignettes/MLkit/umap.html @@ -0,0 +1,94 @@ + + + + + + + umap + + + + + + + + + + + + + + + + + + + + + + + +
{umap}R# Documentation
+

umap

+
+

+ + require(R); +

#' UMAP: Uniform Manifold Approximation and Projection for Dimension Reduction
imports "umap" from "MLkit"; +
+

+

UMAP: Uniform Manifold Approximation and Projection for Dimension Reduction

+
+

+

UMAP: Uniform Manifold Approximation and Projection for Dimension Reduction

+

+
+
+ + + + + + + + + +
+ umap +

UMAP: Uniform Manifold Approximation and Projection for Dimension Reduction

+ as.graph +

Extract the umap graph

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/umap/as.graph.html b/vignettes/MLkit/umap/as.graph.html new file mode 100644 index 0000000..cb918aa --- /dev/null +++ b/vignettes/MLkit/umap/as.graph.html @@ -0,0 +1,85 @@ + + + + + Extract the umap graph + + + + + + +
+ + + + + + +
as.graph {umap}R Documentation
+ +

Extract the umap graph

+ +

Description

+ + + +

Usage

+ +
+
as.graph(umap, labels,
+    groups = NULL,
+    threshold = 0);
+
+ +

Arguments

+ + + +
umap
+

-

+ + +
labels
+

-

+ + +
groups
+

-

+ + +
threshold
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package umap version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/umap/umap.html b/vignettes/MLkit/umap/umap.html new file mode 100644 index 0000000..5a56d32 --- /dev/null +++ b/vignettes/MLkit/umap/umap.html @@ -0,0 +1,131 @@ + + + + + UMAP: Uniform Manifold Approximation and Projection for Dimension Reduction + + + + + + +
+ + + + + + +
umap {umap}R Documentation
+ +

UMAP: Uniform Manifold Approximation and Projection for Dimension Reduction

+ +

Description

+ + + +

Usage

+ +
+
umap(data,
+    dimension = 2,
+    numberOfNeighbors = 15,
+    localConnectivity = 1,
+    KnnIter = 64,
+    bandwidth = 1,
+    customNumberOfEpochs = NULL,
+    customMapCutoff = NULL,
+    debug = FALSE,
+    KDsearch = FALSE,
+    spectral.cos = TRUE,
+    setOpMixRatio = 1,
+    minDist = 0.10000000149011612,
+    spread = 1,
+    repulsionStrength = 1,
+    learningRate = 1);
+
+ +

Arguments

+ + + +
data
+

data must be normalized!

+ + +
dimension
+

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).

clr value class

+ +

Examples

+ + + +
+
[Package umap version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/validation.html b/vignettes/MLkit/validation.html new file mode 100644 index 0000000..1f8895e --- /dev/null +++ b/vignettes/MLkit/validation.html @@ -0,0 +1,106 @@ + + + + + + + validation + + + + + + + + + + + + + + + + + + + + + + + +
{validation}R# Documentation
+

validation

+
+

+ + require(R); +

{$desc_comments}
imports "validation" from "MLkit"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + +
+ AUC +
+ prediction +
+ ANN.ROC +
+ as.validation +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/validation/ANN.ROC.html b/vignettes/MLkit/validation/ANN.ROC.html new file mode 100644 index 0000000..1406453 --- /dev/null +++ b/vignettes/MLkit/validation/ANN.ROC.html @@ -0,0 +1,65 @@ + + + + + ANN.ROC + + + + + + +
+ + + + + + +
ANN.ROC {validation}R Documentation
+ +

ANN.ROC

+ +

Description

+ + ANN.ROC + +

Usage

+ +
+
ANN.ROC(ANN, validateSet, range, attribute,
+    n = 20);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Validation[].

clr value class

+ +

Examples

+ + + +
+
[Package validation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/validation/AUC.html b/vignettes/MLkit/validation/AUC.html new file mode 100644 index 0000000..4567735 --- /dev/null +++ b/vignettes/MLkit/validation/AUC.html @@ -0,0 +1,64 @@ + + + + + AUC + + + + + + +
+ + + + + + +
AUC {validation}R Documentation
+ +

AUC

+ +

Description

+ + AUC + +

Usage

+ +
+
AUC(ROC);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package validation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/validation/as.validation.html b/vignettes/MLkit/validation/as.validation.html new file mode 100644 index 0000000..c5ebc2a --- /dev/null +++ b/vignettes/MLkit/validation/as.validation.html @@ -0,0 +1,65 @@ + + + + + as.validation + + + + + + +
+ + + + + + +
as.validation {validation}R Documentation
+ +

as.validation

+ +

Description

+ + as.validation + +

Usage

+ +
+
as.validation(trainingSet, input, validate,
+    method = NormalScaler);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type TrainingSample.

clr value class

+ +

Examples

+ + + +
+
[Package validation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/validation/prediction.html b/vignettes/MLkit/validation/prediction.html new file mode 100644 index 0000000..cea987f --- /dev/null +++ b/vignettes/MLkit/validation/prediction.html @@ -0,0 +1,65 @@ + + + + + prediction + + + + + + +
+ + + + + + +
prediction {validation}R Documentation
+ +

prediction

+ +

Description

+ + prediction + +

Usage

+ +
+
prediction(predicts, labels,
+    resolution = 1000);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ROC.

clr value class

+ +

Examples

+ + + +
+
[Package validation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/xgboost.html b/vignettes/MLkit/xgboost.html new file mode 100644 index 0000000..893d0fb --- /dev/null +++ b/vignettes/MLkit/xgboost.html @@ -0,0 +1,117 @@ + + + + + + + xgboost + + + + + + + + + + + + + + + + + + + + + + + +
{xgboost}R# Documentation
+

xgboost

+
+

+ + require(R); +

#' Extreme Gradient Boosting
imports "xgboost" from "MLkit"; +
+

+

Extreme Gradient Boosting

+
+

+

Extreme Gradient Boosting

+

+
+
+ + + + + + + + + + + + + + + + + + + + + +
+ xgboost +

eXtreme Gradient Boosting Training

+ predict +

do predictions

+ serialize +

save model

+ parseTree +

load model

+ xgb.DMatrix +

Construct xgb.DMatrix object

+ +

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).

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/MLkit/xgboost/parseTree.html b/vignettes/MLkit/xgboost/parseTree.html new file mode 100644 index 0000000..79481d4 --- /dev/null +++ b/vignettes/MLkit/xgboost/parseTree.html @@ -0,0 +1,67 @@ + + + + + load model + + + + + + +
+ + + + + + +
parseTree {xgboost}R Documentation
+ +

load model

+ +

Description

+ + + +

Usage

+ +
+
parseTree(modelLines);
+
+ +

Arguments

+ + + +
modelLines
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type GBM.

clr value class

+ +

Examples

+ + + +
+
[Package xgboost version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/xgboost/predict.html b/vignettes/MLkit/xgboost/predict.html new file mode 100644 index 0000000..ecdf289 --- /dev/null +++ b/vignettes/MLkit/xgboost/predict.html @@ -0,0 +1,71 @@ + + + + + do predictions + + + + + + +
+ + + + + + +
predict {xgboost}R Documentation
+ +

do predictions

+ +

Description

+ + + +

Usage

+ +
+
predict(gbm, data);
+
+ +

Arguments

+ + + +
gbm
+

-

+ + +
data
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package xgboost version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/xgboost/serialize.html b/vignettes/MLkit/xgboost/serialize.html new file mode 100644 index 0000000..de94f41 --- /dev/null +++ b/vignettes/MLkit/xgboost/serialize.html @@ -0,0 +1,67 @@ + + + + + save model + + + + + + +
+ + + + + + +
serialize {xgboost}R Documentation
+ +

save model

+ +

Description

+ + + +

Usage

+ +
+
serialize(model);
+
+ +

Arguments

+ + + +
model
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package xgboost version 1.0.0.0 Index] +
+
+ + + + + + + \ 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).

+ +

Usage

+ +
+
xgb.DMatrix(data,
+    label = NULL,
+    validate.set = FALSE,
+    categorical.features = NULL,
+    feature.names = NULL);
+
+ +

Arguments

+ + + +
data
+

a matrix object (either numeric or integer), a dgCMatrix
+ object, or a character string representing a filename.

+ + +
label
+

labels for training data should be integer value

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: TrainData, TestData, ValidationData.

clr value class

+ +

Examples

+ + + +
+
[Package xgboost version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/MLkit/xgboost/xgboost.html b/vignettes/MLkit/xgboost/xgboost.html new file mode 100644 index 0000000..e045420 --- /dev/null +++ b/vignettes/MLkit/xgboost/xgboost.html @@ -0,0 +1,77 @@ + + + + + eXtreme Gradient Boosting Training + + + + + + +
+ + + + + + +
xgboost {xgboost}R Documentation
+ +

eXtreme Gradient Boosting Training

+ +

Description

+ + + +

Usage

+ +
+
xgboost(data,
+    validates = NULL,
+    ... = NULL);
+
+ +

Arguments

+ + + +
data
+

-

+ + +
params
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type GBM.

clr value class

+ +

Examples

+ + + +
+
[Package xgboost version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/applys.html b/vignettes/REnv/applys.html new file mode 100644 index 0000000..9f77fcf --- /dev/null +++ b/vignettes/REnv/applys.html @@ -0,0 +1,124 @@ + + + + + + + applys + + + + + + + + + + + + + + + + + + + + + + + +
{applys}R# Documentation
+

applys

+
+

+ + require(R); +

{$desc_comments}
imports "applys" from "REnv"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + +
+ apply +

Apply Functions Over Array Margins

+ +

Returns a vector or array or list of values obtained by applying
+ a function to margins of an array or matrix.

+ parLapply +

Parallel version of lapply.

+ parSapply +

parallel sapply

+ sapply +

Apply a Function over a List or Vector

+ +

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).

+ lapply +

Apply a Function over a List or Vector

+ +

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.

+
+
+
[Document Index]
+ + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package applys version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package applys version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/applys/parLapply.html b/vignettes/REnv/applys/parLapply.html new file mode 100644 index 0000000..35d62a4 --- /dev/null +++ b/vignettes/REnv/applys/parLapply.html @@ -0,0 +1,97 @@ + + + + + Parallel version of ``lapply``. + + + + + + +
+ + + + + + +
parLapply {applys}R Documentation
+ +

Parallel version of ``lapply``.

+ +

Description

+ + + +

Usage

+ +
+
parLapply(x, FUN,
+    group = -1,
+    n.threads = -1,
+    verbose = NULL,
+    names = NULL);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
FUN
+

-

+ + +
group
+

-

+ + +
n.threads
+

-

+ + +
verbose
+

-

+ + +
names
+

Set new names to the result list, the size of this parameter
+ should be equals to the size of the original input sequence
+ size.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package applys version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/applys/parSapply.html b/vignettes/REnv/applys/parSapply.html new file mode 100644 index 0000000..9772b73 --- /dev/null +++ b/vignettes/REnv/applys/parSapply.html @@ -0,0 +1,67 @@ + + + + + parallel sapply + + + + + + +
+ + + + + + +
parSapply {applys}R Documentation
+ +

parallel sapply

+ +

Description

+ + + +

Usage

+ +
+
parSapply(X, FUN,
+    group = -1,
+    n.threads = -1,
+    verbose = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package applys version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package applys version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/bitView.html b/vignettes/REnv/bitView.html new file mode 100644 index 0000000..7f34d88 --- /dev/null +++ b/vignettes/REnv/bitView.html @@ -0,0 +1,112 @@ + + + + + + + bitView + + + + + + + + + + + + + + + + + + + + + + + +
{bitView}R# Documentation
+

bitView

+
+

+ + require(R); +

{$desc_comments}
imports "bitView" from "REnv"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + +
+ doubles +
+ integers +
+ floats +
+ int16s +
+ int64s +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/REnv/bitView/doubles.html b/vignettes/REnv/bitView/doubles.html new file mode 100644 index 0000000..89a500c --- /dev/null +++ b/vignettes/REnv/bitView/doubles.html @@ -0,0 +1,64 @@ + + + + + doubles + + + + + + +
+ + + + + + +
doubles {bitView}R Documentation
+ +

doubles

+ +

Description

+ + doubles + +

Usage

+ +
+
doubles(buffer);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package bitView version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/bitView/floats.html b/vignettes/REnv/bitView/floats.html new file mode 100644 index 0000000..d67b872 --- /dev/null +++ b/vignettes/REnv/bitView/floats.html @@ -0,0 +1,64 @@ + + + + + floats + + + + + + +
+ + + + + + +
floats {bitView}R Documentation
+ +

floats

+ +

Description

+ + floats + +

Usage

+ +
+
floats(buffer);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package bitView version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/bitView/int16s.html b/vignettes/REnv/bitView/int16s.html new file mode 100644 index 0000000..aefc149 --- /dev/null +++ b/vignettes/REnv/bitView/int16s.html @@ -0,0 +1,64 @@ + + + + + int16s + + + + + + +
+ + + + + + +
int16s {bitView}R Documentation
+ +

int16s

+ +

Description

+ + int16s + +

Usage

+ +
+
int16s(buffer);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

+ +

Examples

+ + + +
+
[Package bitView version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/bitView/int64s.html b/vignettes/REnv/bitView/int64s.html new file mode 100644 index 0000000..5a4d174 --- /dev/null +++ b/vignettes/REnv/bitView/int64s.html @@ -0,0 +1,64 @@ + + + + + int64s + + + + + + +
+ + + + + + +
int64s {bitView}R Documentation
+ +

int64s

+ +

Description

+ + int64s + +

Usage

+ +
+
int64s(buffer);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

+ +

Examples

+ + + +
+
[Package bitView version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/bitView/integers.html b/vignettes/REnv/bitView/integers.html new file mode 100644 index 0000000..cfad04a --- /dev/null +++ b/vignettes/REnv/bitView/integers.html @@ -0,0 +1,64 @@ + + + + + integers + + + + + + +
+ + + + + + +
integers {bitView}R Documentation
+ +

integers

+ +

Description

+ + integers + +

Usage

+ +
+
integers(buffer);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

+ +

Examples

+ + + +
+
[Package bitView version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file.html b/vignettes/REnv/file.html new file mode 100644 index 0000000..71bf659 --- /dev/null +++ b/vignettes/REnv/file.html @@ -0,0 +1,415 @@ + + + + + + + file + + + + + + + + + + + + + + + + + + + + + + + +
{file}R# Documentation
+

file

+
+

+ + require(R); +

#' File Manipulation
imports "file" from "REnv"; +
+

+

File Manipulation

+ +

These functions provide a low-level interface to the computer's file system.

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ fileSha1 +

Generate SHA1 checksum of a file

+ getRelativePath +

Gets the relative pathname relative to a directory.

+ file.size +

Extract File Information

+ +

Utility function to extract information about files on the user's file systems.

+ file.path +

Construct Path to File

+ +

Construct the path to a file from components in a
+ platform-independent way.

+ file.info +

Extract File Information

+ +

Utility function to extract information about files on the user's file systems.

+ file.copy +

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.

+ file.ext +

Get file extension name

+ dir.copy +

copy file contents in one dir to another dir

+ dir.open +

Open an interface to a specific local filesystem location

+ normalizePath +

Express File Paths in Canonical Form

+ +

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.

+ R.home +

Return the R Home Directory

+ +

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.

+ dirname +

dirname returns the part of the path up to but excluding the last path separator,
+ or "." if there is no path separator.

+ list.files +

List the Files in a Directory/Folder

+ list.dirs +

List the Files in a Directory/Folder

+ file_ext +

File Utilities

+ basename +

removes all of the path up to and including the last path separator (if any).

+ normalizeFileName +

removes all of the invalid character for the windows file name

+ file.exists +

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.

+ file.allocate +
+ dir.create +

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.

+ dir.exists +

dir.exists returns a logical vector of TRUE or FALSE values (without names).

+ readLines +

Read Text Lines from a Connection

+ +

Read some or all text lines from a connection.

+ readText +

Reads all characters from the current position to the end of the given stream.

+ writeLines +

Write Lines to a Connection

+ +

Write text lines to a connection.

+ getwd +

getwd returns an absolute filepath representing the current working directory of the R process;

+ setwd +

setwd(dir) is used to set the working directory to dir.

+ save.list +

Save a R# object list in json file format

+ read.list +

read list from a given json file

+ file +

Functions to create, open and close connections, i.e.,
+ "generalized files", such as possibly compressed files,
+ URLs, pipes, etc.

+ readBin +

ransfer Binary Data To and From Connections

+ +

Read binary data from or write binary data to a connection
+ or raw vector.

+ writeBin +
+ close +

close connections, i.e., “generalized files”, such as possibly compressed files, URLs, pipes, etc.

+ open.zip +

open a zip file

+ open.gzip +

decompression of a gzip file and get the deflate file data stream.

+ buffer +

create a new buffer object

+ tempfile +

Create Names for Temporary Files

+ +

tempfile returns a vector of character strings
+ which can be used as names for temporary files.

+ tempdir +

Create Names For Temporary Files

+ file.rename +

File renames

+ file.remove +

Delete files or directories

+ +

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.

Delete files or directories

+ erase +

delete all contents in target directory

+ is.sysdir +
+ dataUri +

read file as data URI string

+ bytes +

create a in-memory byte stream object

+
+
+
[Document Index]
+ + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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).

+ +

Description

+ + + +

Usage

+ +
+
basename(fileNames,
+    withExtensionName = FALSE,
+    strict = Call "as.logical"(Call "getOption"("strict")));
+
+ +

Arguments

+ + + +
fileNames
+

character vector, containing path names.

+ + +
withExtensionName
+

option for config keeps the extension suffix in the name or not,
+ removes the file suffix name by default.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/buffer.html b/vignettes/REnv/file/buffer.html new file mode 100644 index 0000000..cabb093 --- /dev/null +++ b/vignettes/REnv/file/buffer.html @@ -0,0 +1,68 @@ + + + + + create a new buffer object + + + + + + +
+ + + + + + +
buffer {file}R Documentation
+ +

create a new buffer object

+ +

Description

+ + + +

Usage

+ +
+
buffer(
+    type = raw);
+
+ +

Arguments

+ + + +
type
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/bytes.html b/vignettes/REnv/file/bytes.html new file mode 100644 index 0000000..21b9ada --- /dev/null +++ b/vignettes/REnv/file/bytes.html @@ -0,0 +1,71 @@ + + + + + create a in-memory byte stream object + + + + + + +
+ + + + + + +
bytes {file}R Documentation
+ +

create a in-memory byte stream object

+ +

Description

+ + + +

Usage

+ +
+
bytes(byts);
+
+ +

Arguments

+ + + +
byts
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type MemoryStream.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/close.html b/vignettes/REnv/file/close.html new file mode 100644 index 0000000..8f2211f --- /dev/null +++ b/vignettes/REnv/file/close.html @@ -0,0 +1,67 @@ + + + + + close connections, i.e., “generalized files”, such as possibly compressed files, URLs, pipes, etc. + + + + + + +
+ + + + + + +
close {file}R Documentation
+ +

close connections, i.e., “generalized files”, such as possibly compressed files, URLs, pipes, etc.

+ +

Description

+ + + +

Usage

+ +
+
close(con);
+
+ +

Arguments

+ + + +
con
+

a connection.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type boolean.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/dataUri.html b/vignettes/REnv/file/dataUri.html new file mode 100644 index 0000000..573de84 --- /dev/null +++ b/vignettes/REnv/file/dataUri.html @@ -0,0 +1,67 @@ + + + + + read file as data URI string + + + + + + +
+ + + + + + +
dataUri {file}R Documentation
+ +

read file as data URI string

+ +

Description

+ + + +

Usage

+ +
+
dataUri(file);
+
+ +

Arguments

+ + + +
file
+

the file path

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
dir.create(path,
+    showWarnings = TRUE,
+    recursive = FALSE,
+    mode = "0777");
+
+ +

Arguments

+ + + +
path
+

a character vector containing a single path name.

+ + +
showWarnings
+

logical; should the warnings on failure be shown?

+ + +
recursive
+

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).

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/dir.exists.html b/vignettes/REnv/file/dir.exists.html new file mode 100644 index 0000000..628deae --- /dev/null +++ b/vignettes/REnv/file/dir.exists.html @@ -0,0 +1,68 @@ + + + + + dir.exists returns a logical vector of TRUE or FALSE values (without names). + + + + + + +
+ + + + + + +
dir.exists {file}R Documentation
+ +

dir.exists returns a logical vector of TRUE or FALSE values (without names).

+ +

Description

+ + + +

Usage

+ +
+
dir.exists(paths);
+
+ +

Arguments

+ + + +
paths
+

character vectors containing file or directory paths.
+ Tilde expansion (see path.expand) is done.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type boolean.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/erase.html b/vignettes/REnv/file/erase.html new file mode 100644 index 0000000..43c7f27 --- /dev/null +++ b/vignettes/REnv/file/erase.html @@ -0,0 +1,67 @@ + + + + + delete all contents in target directory + + + + + + +
+ + + + + + +
erase {file}R Documentation
+ +

delete all contents in target directory

+ +

Description

+ + + +

Usage

+ +
+
erase(dir);
+
+ +

Arguments

+ + + +
dir
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/file.allocate.html b/vignettes/REnv/file/file.allocate.html new file mode 100644 index 0000000..cf2cdbd --- /dev/null +++ b/vignettes/REnv/file/file.allocate.html @@ -0,0 +1,64 @@ + + + + + file.allocate + + + + + + +
+ + + + + + +
file.allocate {file}R Documentation
+ +

file.allocate

+ +

Description

+ + file.allocate + +

Usage

+ +
+
file.allocate(filepath, fs);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type FileReference.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/file.html b/vignettes/REnv/file/file.html new file mode 100644 index 0000000..23bfafc --- /dev/null +++ b/vignettes/REnv/file/file.html @@ -0,0 +1,80 @@ + + + + + Functions to create, open and close connections, i.e., + + + + + + +
+ + + + + + +
file {file}R Documentation
+ +

Functions to create, open and close connections, i.e.,

+ +

Description

+ +

"generalized files", such as possibly compressed files,
URLs, pipes, etc.

+ +

Usage

+ +
+
file(description,
+    open = OpenOrCreate,
+    truncate = FALSE);
+
+ +

Arguments

+ + + +
description
+

character string. A description of the connection: see ‘Details’.

+ + +
open
+

character string. A description of how to open the connection (if it should be opened initially).
+ See section ‘Modes’ for possible values.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Stream.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/file.info.html b/vignettes/REnv/file/file.info.html new file mode 100644 index 0000000..5c4b914 --- /dev/null +++ b/vignettes/REnv/file/file.info.html @@ -0,0 +1,80 @@ + + + + + Extract File Information + + + + + + +
+ + + + + + +
file.info {file}R Documentation
+ +

Extract File Information

+ +

Description

+ +


Utility function to extract information about files on the user's file systems.

+ +

Usage

+ +
+
file.info(files);
+
+ +

Arguments

+ + + +
files
+

The fully qualified name of the new file, or the relative file name. Do not end
+ the path with the directory separator character.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

a object list with slots:

+ +

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

+ +
+ + +

Details

+ + + + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/file.rename.html b/vignettes/REnv/file/file.rename.html new file mode 100644 index 0000000..ca2ab7d --- /dev/null +++ b/vignettes/REnv/file/file.rename.html @@ -0,0 +1,75 @@ + + + + + File renames + + + + + + +
+ + + + + + +
file.rename {file}R Documentation
+ +

File renames

+ +

Description

+ + + +

Usage

+ +
+
file.rename(from, to);
+
+ +

Arguments

+ + + +
from
+

character vectors, containing file names Or paths.

+ + +
to
+

character vectors, containing file names Or paths.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/fileSha1.html b/vignettes/REnv/file/fileSha1.html new file mode 100644 index 0000000..f6a7c3c --- /dev/null +++ b/vignettes/REnv/file/fileSha1.html @@ -0,0 +1,67 @@ + + + + + Generate SHA1 checksum of a file + + + + + + +
+ + + + + + +
fileSha1 {file}R Documentation
+ +

Generate SHA1 checksum of a file

+ +

Description

+ + + +

Usage

+ +
+
fileSha1(filePath);
+
+ +

Arguments

+ + + +
filePath
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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..38d8229 --- /dev/null +++ b/vignettes/REnv/file/file_ext.html @@ -0,0 +1,68 @@ + + + + + File Utilities + + + + + + +
+ + + + + + +
file_ext {file}R Documentation
+ +

File Utilities

+ +

Description

+ + + +

Usage

+ +
+
file_ext(filenames);
+
+ +

Arguments

+ + + +
filenames
+

character vector giving file paths.

+ +
+ + +

Details

+ + + + +

Value

+ +

file_ext returns the file (name) extensions (excluding the leading dot).
+ (Only purely alphanumeric extensions are recognized.)

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/getRelativePath.html b/vignettes/REnv/file/getRelativePath.html new file mode 100644 index 0000000..b653c0a --- /dev/null +++ b/vignettes/REnv/file/getRelativePath.html @@ -0,0 +1,74 @@ + + + + + Gets the relative pathname relative to a directory. + + + + + + +
+ + + + + + +
getRelativePath {file}R Documentation
+ +

Gets the relative pathname relative to a directory.

+ +

Description

+ + + +

Usage

+ +
+
getRelativePath(pathname,
+    relativeTo = Call "getwd"());
+
+ +

Arguments

+ + + +
pathname
+

A character String Of the pathname To be converted into an relative pathname.

+ + +
relativeTo
+

A character string of the reference pathname.

+ +
+ + +

Details

+ +

In case the two paths are on different file systems,
+ for instance, C:/foo/bar/ and D:/foo/, the method
+ returns pathname as is.

+ + +

Value

+ +

Returns a character string of the relative pathname.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/is.sysdir.html b/vignettes/REnv/file/is.sysdir.html new file mode 100644 index 0000000..8bcfbaf --- /dev/null +++ b/vignettes/REnv/file/is.sysdir.html @@ -0,0 +1,64 @@ + + + + + is.sysdir + + + + + + +
+ + + + + + +
is.sysdir {file}R Documentation
+ +

is.sysdir

+ +

Description

+ + is.sysdir + +

Usage

+ +
+
is.sysdir(dir);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type boolean.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
list.dirs {file}R Documentation
+ +

List the Files in a Directory/Folder

+ +

Description

+ + + +

Usage

+ +
+
list.dirs(
+    dir = "./",
+    fullNames = TRUE,
+    recursive = TRUE);
+
+ +

Arguments

+ + + +
dir
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
list.files {file}R Documentation
+ +

List the Files in a Directory/Folder

+ +

Description

+ + + +

Usage

+ +
+
list.files(
+    dir = "./",
+    pattern = NULL,
+    recursive = FALSE,
+    wildcard = TRUE);
+
+ +

Arguments

+ + + +
dir
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
normalizeFileName(strings,
+    alphabetOnly = TRUE,
+    replacement = "_",
+    shrink = TRUE,
+    maxchars = 32);
+
+ +

Arguments

+ + + +
strings
+

-

+ + +
alphabetOnly
+

-

+ + +
replacement
+

all of the invalid character for the windows file name
+ will be replaced as this placeholder character

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/open.zip.html b/vignettes/REnv/file/open.zip.html new file mode 100644 index 0000000..1bc4ccf --- /dev/null +++ b/vignettes/REnv/file/open.zip.html @@ -0,0 +1,71 @@ + + + + + open a zip file + + + + + + +
+ + + + + + +
open.zip {file}R Documentation
+ +

open a zip file

+ +

Description

+ + + +

Usage

+ +
+
open.zip(file);
+
+ +

Arguments

+ + + +
file
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

a folder liked list object

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/read.list.html b/vignettes/REnv/file/read.list.html new file mode 100644 index 0000000..3338c7a --- /dev/null +++ b/vignettes/REnv/file/read.list.html @@ -0,0 +1,82 @@ + + + + + read list from a given json file + + + + + + +
+ + + + + + +
read.list {file}R Documentation
+ +

read list from a given json file

+ +

Description

+ + + +

Usage

+ +
+
read.list(file,
+    mode = "character",
+    ofVector = FALSE,
+    encoding = UTF8);
+
+ +

Arguments

+ + + +
file
+

A json file path

+ + +
mode
+

The value mode of the loaded list object in R#

+ + +
ofVector
+

Is a list of vector?

+ + +
envir
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/readLines.html b/vignettes/REnv/file/readLines.html new file mode 100644 index 0000000..202122f --- /dev/null +++ b/vignettes/REnv/file/readLines.html @@ -0,0 +1,76 @@ + + + + + Read Text Lines from a Connection + + + + + + +
+ + + + + + +
readLines {file}R Documentation
+ +

Read Text Lines from a Connection

+ +

Description

+ +


Read some or all text lines from a connection.

+ +

Usage

+ +
+
readLines(con,
+    encoding = UTF8,
+    stream = FALSE);
+
+ +

Arguments

+ + + +
con
+

a connection object or a character string.

+ + +
stream
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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

+ + + + +

Value

+ +

the path of the per-session temporary directory.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/tempfile.html b/vignettes/REnv/file/tempfile.html new file mode 100644 index 0000000..f985069 --- /dev/null +++ b/vignettes/REnv/file/tempfile.html @@ -0,0 +1,97 @@ + + + + + Create Names for Temporary Files + + + + + + +
+ + + + + + +
tempfile {file}R Documentation
+ +

Create Names for Temporary Files

+ +

Description

+ +


tempfile returns a vector of character strings
which can be used as names for temporary files.

+ +

Usage

+ +
+
tempfile(
+    pattern = "file",
+    tmpdir = Call "tempdir"(),
+    fileext = ".tmp");
+
+ +

Arguments

+ + + +
pattern
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/unlink.html b/vignettes/REnv/file/unlink.html new file mode 100644 index 0000000..3bf4350 --- /dev/null +++ b/vignettes/REnv/file/unlink.html @@ -0,0 +1,68 @@ + + + + + Delete files or directories + + + + + + +
+ + + + + + +
unlink {file}R Documentation
+ +

Delete files or directories

+ +

Description

+ + + +

Usage

+ +
+
unlink(x);
+
+ +

Arguments

+ + + +
x
+

-

+ +
+ + +

Details

+ +

this function is the alias name of the function
+ file.remove.

+ + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/writeBin.html b/vignettes/REnv/file/writeBin.html new file mode 100644 index 0000000..d5bb07e --- /dev/null +++ b/vignettes/REnv/file/writeBin.html @@ -0,0 +1,90 @@ + + + + + + + + + + + +
+ + + + + + +
writeBin {file}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
writeBin(object, con,
+    size = -2147483648,
+    endian = big,
+    useBytes = FALSE);
+
+ +

Arguments

+ + + +
[object]
+

-

+ + +
con
+

-

+ + +
size
+

-

+ + +
endian
+

-

+ + +
useBytes
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/file/writeLines.html b/vignettes/REnv/file/writeLines.html new file mode 100644 index 0000000..d02928e --- /dev/null +++ b/vignettes/REnv/file/writeLines.html @@ -0,0 +1,95 @@ + + + + + Write Lines to a Connection + + + + + + +
+ + + + + + +
writeLines {file}R Documentation
+ +

Write Lines to a Connection

+ +

Description

+ +


Write text lines to a connection.

+ +

Usage

+ +
+
writeLines(text,
+    con = NULL,
+    sep = "
+",
+    fs = NULL);
+
+ +

Arguments

+ + + +
text
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package file version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/humanReadable.html b/vignettes/REnv/humanReadable.html new file mode 100644 index 0000000..75df13a --- /dev/null +++ b/vignettes/REnv/humanReadable.html @@ -0,0 +1,100 @@ + + + + + + + humanReadable + + + + + + + + + + + + + + + + + + + + + + + +
{humanReadable}R# Documentation
+

humanReadable

+
+

+ + require(R); +

{$desc_comments}
imports "humanReadable" from "REnv"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + +
+ byte_size +

convert byte number into human readable size string

+ time_span +

cast timespan value to human readable string

+ splitParagraph +

split a given text data into multiple lines

+
+
+
[Document Index]
+ + \ 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

+ +

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 + + + + + + +
+ + + + + + +
splitParagraph {humanReadable}R Documentation
+ +

split a given text data into multiple lines

+ +

Description

+ + + +

Usage

+ +
+
splitParagraph(text,
+    len = 80,
+    delimiters = ";:,.-_&*!+'~	 ",
+    floatChars = 6);
+
+ +

Arguments

+ + + +
text
+

-

+ + +
len
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package humanReadable version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/humanReadable/time_span.html b/vignettes/REnv/humanReadable/time_span.html new file mode 100644 index 0000000..9aca483 --- /dev/null +++ b/vignettes/REnv/humanReadable/time_span.html @@ -0,0 +1,68 @@ + + + + + cast timespan value to human readable string + + + + + + +
+ + + + + + +
time_span {humanReadable}R Documentation
+ +

cast timespan value to human readable string

+ +

Description

+ + + +

Usage

+ +
+
time_span(spans,
+    show.ms = TRUE);
+
+ +

Arguments

+ + + +
spans
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

+ +

Examples

+ + + +
+
[Package humanReadable version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/linq.html b/vignettes/REnv/linq.html new file mode 100644 index 0000000..9a970ca --- /dev/null +++ b/vignettes/REnv/linq.html @@ -0,0 +1,231 @@ + + + + + + + linq + + + + + + + + + + + + + + + + + + + + + + + +
{linq}R# Documentation
+

linq

+
+

+ + require(R); +

#' Provides a set of static (Shared in Visual Basic) methods for querying objects
imports "linq" from "REnv"; +
+

+

Provides a set of static (Shared in Visual Basic) methods for querying objects
+ that implement System.Collections.Generic.IEnumerable`1.

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ left_join +

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.

+ progress +

apply for the pipeline progress report

+ as.index +

create data index for the given input data sequence

+ take +

take the first n items from the given input sequence data

+ match +

Value Matching

+ +

match returns a vector of the positions of
+ (first) matches of its first argument in
+ its second.

+ +

find the index of the elements in input sequence
+ x in the source target sequence
+ table

+ +

find the index of (where x in table)

+ skip +

Bypasses a specified number of elements in a sequence and then
+ returns the remaining elements.

+ which.max +

Where is the Min() or Max() or first TRUE or FALSE ?

+ +

Determines the location, i.e., index of the (first) minimum or maximum of a
+ numeric (or logical) vector.

+ which.min +

Where is the Min() or Max() or first TRUE or FALSE ?

+ +

Determines the location, i.e., index of the (first) minimum or maximum of a
+ numeric (or logical) vector.

+ last +

get the last element in the sequence

+ sort +

Sorting or Ordering Vectors

+ +

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.

+ orderBy +

Sorts the elements of a sequence in ascending order according to a key.

+ reverse +

reverse a given sequence

+ any +

Are Some Values True?

+ +

Given a set of logical vectors, is at least one of the values true?

+ all +

Are All Values True?

+ +

Given a set of logical vectors, are all of the values true?

+ while +
+ split +

split content sequence with a given condition as element delimiter.

+ rotate_right +
+ rotate_left +
+ select +

Keep or drop columns using their names and types

+ +

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).

+
+
+
[Document Index]
+ + \ 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).

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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).

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
as.index(x,
+    mode = ["any","character","numeric","integer"]);
+
+ +

Arguments

+ + + +
x
+

a data array as sequence

+ + +
mode
+

the element mode of the data input seuqnce x

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
left_join(left, right,
+    by.x = NULL,
+    by.y = NULL,
+    by = NULL);
+
+ +

Arguments

+ + + +
left
+

-

+ + +
right
+

-

+ + +
by
+

the field name that used for join two data table

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/linq/match.html b/vignettes/REnv/linq/match.html new file mode 100644 index 0000000..f1c34fa --- /dev/null +++ b/vignettes/REnv/linq/match.html @@ -0,0 +1,106 @@ + + + + + Value Matching + + + + + + +
+ + + + + + +
match {linq}R Documentation
+ +

Value Matching

+ +

Description

+ +


match returns a vector of the positions of
(first) matches of its first argument in
its second.

find the index of the elements in input sequence
x in the source target sequence
table

find the index of (where x in table)

+ +

Usage

+ +
+
match(x, table,
+    nomatch = -1,
+    incomparables = 0);
+
+ +

Arguments

+ + + +
x
+

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.

+ +
+ + +

Details

+ +

https://stackoverflow.com/questions/7530765/get-the-index-of-the-values-of-one-vector-in-another

+ +

+ +
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.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

+ +

Description

+ + + +

Usage

+ +
+
orderBy(sequence,
+    getKey = NULL,
+    desc = FALSE);
+
+ +

Arguments

+ + + +
sequence
+

A sequence of values to order.

+ + +
getKey
+

A function to extract a key from an element. and this parameter value
+ can also be the field name or column name to sort.

+ + +
envir
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

An System.Linq.IOrderedEnumerable`1 whose elements are sorted according
+ to a key. The sort result could be situations:

+ +
    +
  1. a vector which is sort by the element evaluated value
  2. +
  3. a list which is sort by the specific element value
  4. +
  5. a dataframe which is sort its rows by a specific column value
  6. +

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/linq/progress.html b/vignettes/REnv/linq/progress.html new file mode 100644 index 0000000..c9dc0a4 --- /dev/null +++ b/vignettes/REnv/linq/progress.html @@ -0,0 +1,80 @@ + + + + + apply for the pipeline progress report + + + + + + +
+ + + + + + +
progress {linq}R Documentation
+ +

apply for the pipeline progress report

+ +

Description

+ + + +

Usage

+ +
+
progress(x,
+    msgFunc = NULL);
+
+ +

Arguments

+ + + +
x
+

the pipeline object or a progress number if
+ current function invoke is occurs in a parallel
+ task.

+ + +
msgFunc
+

a text message to display or function for show message

+ + +
env
+

-

+ +
+ + +

Details

+ +

value range of parameter x should be in numeric
+ range [0,100] if the progress function is invoked in a parallel
+ stack environment.

+ + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/linq/reverse.html b/vignettes/REnv/linq/reverse.html new file mode 100644 index 0000000..b49652d --- /dev/null +++ b/vignettes/REnv/linq/reverse.html @@ -0,0 +1,67 @@ + + + + + reverse a given sequence + + + + + + +
+ + + + + + +
reverse {linq}R Documentation
+ +

reverse a given sequence

+ +

Description

+ + + +

Usage

+ +
+
reverse(sequence);
+
+ +

Arguments

+ + + +
sequence
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/linq/rotate_left.html b/vignettes/REnv/linq/rotate_left.html new file mode 100644 index 0000000..6a0f945 --- /dev/null +++ b/vignettes/REnv/linq/rotate_left.html @@ -0,0 +1,64 @@ + + + + + rotate_left + + + + + + +
+ + + + + + +
rotate_left {linq}R Documentation
+ +

rotate_left

+ +

Description

+ + rotate_left + +

Usage

+ +
+
rotate_left(x, i);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/linq/rotate_right.html b/vignettes/REnv/linq/rotate_right.html new file mode 100644 index 0000000..ab24a9a --- /dev/null +++ b/vignettes/REnv/linq/rotate_right.html @@ -0,0 +1,64 @@ + + + + + rotate_right + + + + + + +
+ + + + + + +
rotate_right {linq}R Documentation
+ +

rotate_right

+ +

Description

+ + rotate_right + +

Usage

+ +
+
rotate_right(x, i);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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:

+ +
    +
  1. select by name: select(name1, name2)
  2. +
  3. field renames: select(name1 -> data1)
  4. +

+ + +
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:

+ +
    +
  1. Rows are Not affected.
  2. +
  3. 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.
  4. +
  5. Data frame attributes are preserved.
  6. +
  7. Groups are maintained; you can't select off grouping variables.
  8. +

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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).

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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
+

+ + +
env
+

-

+ +
+ + +

Details

+ +

the generated result is different between the vector/list:

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/linq/while.html b/vignettes/REnv/linq/while.html new file mode 100644 index 0000000..0d95178 --- /dev/null +++ b/vignettes/REnv/linq/while.html @@ -0,0 +1,65 @@ + + + + + while + + + + + + +
+ + + + + + +
while {linq}R Documentation
+ +

while

+ +

Description

+ + while + +

Usage

+ +
+
while(seq, predicate,
+    action = "take");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package linq version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/search.html b/vignettes/REnv/search.html new file mode 100644 index 0000000..d0ffe1f --- /dev/null +++ b/vignettes/REnv/search.html @@ -0,0 +1,106 @@ + + + + + + + search + + + + + + + + + + + + + + + + + + + + + + + +
{search}R# Documentation
+

search

+
+

+ + require(R); +

{$desc_comments}
imports "search" from "REnv"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + +
+ binarySearch +
+ binaryIndex +
+ blockQuery +
+ blockIndex +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/REnv/search/binaryIndex.html b/vignettes/REnv/search/binaryIndex.html new file mode 100644 index 0000000..13d8902 --- /dev/null +++ b/vignettes/REnv/search/binaryIndex.html @@ -0,0 +1,64 @@ + + + + + binaryIndex + + + + + + +
+ + + + + + +
binaryIndex {search}R Documentation
+ +

binaryIndex

+ +

Description

+ + binaryIndex + +

Usage

+ +
+
binaryIndex(v);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type BinarySearchFunction`2.

clr value class

+ +

Examples

+ + + +
+
[Package search version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/search/binarySearch.html b/vignettes/REnv/search/binarySearch.html new file mode 100644 index 0000000..2b488a7 --- /dev/null +++ b/vignettes/REnv/search/binarySearch.html @@ -0,0 +1,64 @@ + + + + + binarySearch + + + + + + +
+ + + + + + +
binarySearch {search}R Documentation
+ +

binarySearch

+ +

Description

+ + binarySearch + +

Usage

+ +
+
binarySearch(v, x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

+ +

Examples

+ + + +
+
[Package search version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/search/blockIndex.html b/vignettes/REnv/search/blockIndex.html new file mode 100644 index 0000000..1931297 --- /dev/null +++ b/vignettes/REnv/search/blockIndex.html @@ -0,0 +1,64 @@ + + + + + blockIndex + + + + + + +
+ + + + + + +
blockIndex {search}R Documentation
+ +

blockIndex

+ +

Description

+ + blockIndex + +

Usage

+ +
+
blockIndex(v, tolerance, eval);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type BlockSearchFunction`1.

clr value class

+ +

Examples

+ + + +
+
[Package search version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/REnv/search/blockQuery.html b/vignettes/REnv/search/blockQuery.html new file mode 100644 index 0000000..63ccfb9 --- /dev/null +++ b/vignettes/REnv/search/blockQuery.html @@ -0,0 +1,64 @@ + + + + + blockQuery + + + + + + +
+ + + + + + +
blockQuery {search}R Documentation
+ +

blockQuery

+ +

Description

+ + blockQuery + +

Usage

+ +
+
blockQuery(v, x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Object[].

clr value class

+ +

Examples

+ + + +
+
[Package search version 2.33.856.6961 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/Matrix.html b/vignettes/Rlapack/Matrix.html new file mode 100644 index 0000000..0df896a --- /dev/null +++ b/vignettes/Rlapack/Matrix.html @@ -0,0 +1,99 @@ + + + + + + + Matrix + + + + + + + + + + + + + + + + + + + + + + + +
{Matrix}R# Documentation
+

Matrix

+
+

+ + require(R); +

#' The numeric matrix
imports "Matrix" from "Rlapack"; +
+

+

The numeric matrix

+
+

+

The numeric matrix

+

+
+
+ + + + + + + + + +
+ matrix +

Matrices

+ +

matrix creates a matrix from the given set of values.

+ eigen +

Spectral Decomposition of a Matrix

+ +

Computes eigenvalues and eigenvectors of numeric
+ (double, integer, logical) or complex matrices.

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/Rlapack/Matrix/eigen.html b/vignettes/Rlapack/Matrix/eigen.html new file mode 100644 index 0000000..7ff6e2e --- /dev/null +++ b/vignettes/Rlapack/Matrix/eigen.html @@ -0,0 +1,136 @@ + + + + + Spectral Decomposition of a Matrix + + + + + + +
+ + + + + + +
eigen {Matrix}R Documentation
+ +

Spectral Decomposition of a Matrix

+ +

Description

+ +


Computes eigenvalues and eigenvectors of numeric
(double, integer, logical) or complex matrices.

+ +

Usage

+ +
+
eigen(x,
+    symmetric = FALSE,
+    only.values = FALSE,
+    EISPACK = FALSE);
+
+ +

Arguments

+ + + +
x
+

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

+ +
    +
  1. 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.
  2. +
  3. 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

  4. +
+ +
A = V Lmbd V^(-1)
+
+ +

(up to numerical fuzz), where Lmbd = diag(lam).

clr value class

+ +

Examples

+ + + +
+
[Package Matrix version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/Matrix/matrix.html b/vignettes/Rlapack/Matrix/matrix.html new file mode 100644 index 0000000..9a6eb03 --- /dev/null +++ b/vignettes/Rlapack/Matrix/matrix.html @@ -0,0 +1,107 @@ + + + + + Matrices + + + + + + +
+ + + + + + +
matrix {Matrix}R Documentation
+ +

Matrices

+ +

Description

+ +


matrix creates a matrix from the given set of values.

+ +

Usage

+ +
+
matrix(
+    data = NULL,
+    nrow = 1,
+    ncol = 1,
+    byrow = FALSE,
+    dimnames = NULL,
+    sparse = FALSE);
+
+ +

Arguments

+ + + +
data
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package Matrix version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/lpSolve.html b/vignettes/Rlapack/lpSolve.html new file mode 100644 index 0000000..08d3d49 --- /dev/null +++ b/vignettes/Rlapack/lpSolve.html @@ -0,0 +1,106 @@ + + + + + + + lpSolve + + + + + + + + + + + + + + + + + + + + + + + +
{lpSolve}R# Documentation
+

lpSolve

+
+

+ + require(R); +

#' Solve Linear/Integer Programs
imports "lpSolve" from "Rlapack"; +
+

+

Solve Linear/Integer Programs

+
+

+

Solve Linear/Integer Programs

+

+
+
+ + + + + + + + + + + + + + + + + +
+ lp.min +
+ lp.max +
+ lp +

Linear and Integer Programming

+ linprog +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/Rlapack/lpSolve/linprog.html b/vignettes/Rlapack/lpSolve/linprog.html new file mode 100644 index 0000000..bd05a5f --- /dev/null +++ b/vignettes/Rlapack/lpSolve/linprog.html @@ -0,0 +1,65 @@ + + + + + linprog + + + + + + +
+ + + + + + +
linprog {lpSolve}R Documentation
+ +

linprog

+ +

Description

+ + linprog + +

Usage

+ +
+
linprog(f, A, b,
+    direction = MIN);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package lpSolve version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/lpSolve/lp.html b/vignettes/Rlapack/lpSolve/lp.html new file mode 100644 index 0000000..a33336d --- /dev/null +++ b/vignettes/Rlapack/lpSolve/lp.html @@ -0,0 +1,80 @@ + + + + + Linear and Integer Programming + + + + + + +
+ + + + + + +
lp {lpSolve}R Documentation
+ +

Linear and Integer Programming

+ +

Description

+ + + +

Usage

+ +
+
lp(objective, subjective,
+    direction = MIN);
+
+ +

Arguments

+ + + +
direction
+

Character string giving direction of optimization: "min" (default) or "max."

+ + +
objective
+

-

+ + +
subjective
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package lpSolve version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/lpSolve/lp.max.html b/vignettes/Rlapack/lpSolve/lp.max.html new file mode 100644 index 0000000..fba448d --- /dev/null +++ b/vignettes/Rlapack/lpSolve/lp.max.html @@ -0,0 +1,64 @@ + + + + + lp.max + + + + + + +
+ + + + + + +
lp.max {lpSolve}R Documentation
+ +

lp.max

+ +

Description

+ + lp.max + +

Usage

+ +
+
lp.max(objective, subjective);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package lpSolve version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/lpSolve/lp.min.html b/vignettes/Rlapack/lpSolve/lp.min.html new file mode 100644 index 0000000..36dc25d --- /dev/null +++ b/vignettes/Rlapack/lpSolve/lp.min.html @@ -0,0 +1,64 @@ + + + + + lp.min + + + + + + +
+ + + + + + +
lp.min {lpSolve}R Documentation
+ +

lp.min

+ +

Description

+ + lp.min + +

Usage

+ +
+
lp.min(objective, subjective);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package lpSolve version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math.html b/vignettes/Rlapack/math.html new file mode 100644 index 0000000..08d442d --- /dev/null +++ b/vignettes/Rlapack/math.html @@ -0,0 +1,212 @@ + + + + + + + math + + + + + + + + + + + + + + + + + + + + + + + +
{math}R# Documentation
+

math

+
+

+ + require(R); +

#' the R# math module
imports "math" from "Rlapack"; +
+

+

the R# math module

+
+

+

the R# math module

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ diff_entropy +

measure similarity between two data vector via entropy difference

+ solve.RK4 +

solve a given ODE system

+ deSolve +

solve a given ODE system

+ hist +

Do fixed width cut bins

+ gini +
+ bootstrap +

Non-Parametric Bootstrapping

+ +

See Efron and Tibshirani (1993) for details on this function.

+ loess +

loess fit

+ glm +

Fitting Generalized Linear Models

+ +

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.

+ binomial +

Family Objects for Models

+ +

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.

+ as.lm_call +

cast the list data dump from the R lm result

+ lm +

Fitting Linear Models

+ +

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).

+ as.formula +

create a lambda function based on the lm result.

+ predict +

Model Predictions

+ +

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.

+ cosine +

Evaluate cos similarity of two vector

+ +

the given vector x and y should be contains the elements in the same length.

+ sim +

Create a similarity matrix

+ RamerDouglasPeucker +

Ramer-Douglas-Peucker algorithm for curve fitting with a PolyLine

+ +

The Ramer-Douglas-Peucker algorithm
+ for reducing the number of points on a curve.

+ +

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.

+ +

+ +
RamerDouglasPeucker(x = c(0, 1, 3, 5), y = c(2, 1, 0, 1), epsilon = 0.5)
+
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/Rlapack/math/RamerDouglasPeucker.html b/vignettes/Rlapack/math/RamerDouglasPeucker.html new file mode 100644 index 0000000..a80e550 --- /dev/null +++ b/vignettes/Rlapack/math/RamerDouglasPeucker.html @@ -0,0 +1,88 @@ + + + + + Ramer-Douglas-Peucker algorithm for curve fitting with a PolyLine + + + + + + +
+ + + + + + +
RamerDouglasPeucker {math}R Documentation
+ +

Ramer-Douglas-Peucker algorithm for curve fitting with a PolyLine

+ +

Description

+ +


The Ramer-Douglas-Peucker algorithm
for reducing the number of points on a curve.

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.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

+ +

Description

+ + + +

Usage

+ +
+
as.formula(lm);
+
+ +

Arguments

+ + + +
lm
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DeclareLambdaFunction.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/bootstrap.html b/vignettes/Rlapack/math/bootstrap.html new file mode 100644 index 0000000..2ce66fc --- /dev/null +++ b/vignettes/Rlapack/math/bootstrap.html @@ -0,0 +1,116 @@ + + + + + Non-Parametric Bootstrapping + + + + + + +
+ + + + + + +
bootstrap {math}R Documentation
+ +

Non-Parametric Bootstrapping

+ +

Description

+ +


See Efron and Tibshirani (1993) for details on this function.

+ +

Usage

+ +
+
bootstrap(x, nboot,
+    theta = NULL,
+    func = NULL,
+    ... = NULL);
+
+ +

Arguments

+ + + +
x
+

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:

+ +
    +
  1. thetastar the nboot bootstrap values Of theta
  2. +
  3. func.thetastar the functional func Of the bootstrap distribution Of thetastar, If func was specified
  4. +
  5. jack.boot.val the jackknife-after-bootstrap values For func, If func was specified
  6. +
  7. jack.boot.se the jackknife-after-bootstrap standard Error estimate Of func, If func was specified
  8. +
  9. call the deparsed call

    + +

    and this function will returns the bootstrap data collection if the
    +theta function is not specificed.

  10. +
the list data also has some specificied data fields: list(thetastar, func.thetastar, jack.boot.val, jack.boot.se, call).

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/cosine.html b/vignettes/Rlapack/math/cosine.html new file mode 100644 index 0000000..90a3769 --- /dev/null +++ b/vignettes/Rlapack/math/cosine.html @@ -0,0 +1,71 @@ + + + + + Evaluate cos similarity of two vector + + + + + + +
+ + + + + + +
cosine {math}R Documentation
+ +

Evaluate cos similarity of two vector

+ +

Description

+ +


the given vector x and y should be contains the elements in the same length.

+ +

Usage

+ +
+
cosine(x, y);
+
+ +

Arguments

+ + + +
x
+

a numeric data sequence

+ + +
y
+

another numeric data sequence

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/deSolve.html b/vignettes/Rlapack/math/deSolve.html new file mode 100644 index 0000000..1744b66 --- /dev/null +++ b/vignettes/Rlapack/math/deSolve.html @@ -0,0 +1,93 @@ + + + + + solve a given ODE system + + + + + + +
+ + + + + + +
deSolve {math}R Documentation
+ +

solve a given ODE system

+ +

Description

+ + + +

Usage

+ +
+
deSolve(system, y0, a, b,
+    resolution = 10000,
+    tick = NULL);
+
+ +

Arguments

+ + + +
system
+

a collection of the lambda expression

+ + +
y0
+

a list of the initialize values of the variables

+ + +
a
+

from

+ + +
b
+

to

+ + +
resolution%
+

-

+ + +
tick
+

handler after each solver iteration in the solver loop

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ODEsOut.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/diff_entropy.html b/vignettes/Rlapack/math/diff_entropy.html new file mode 100644 index 0000000..1b46108 --- /dev/null +++ b/vignettes/Rlapack/math/diff_entropy.html @@ -0,0 +1,72 @@ + + + + + measure similarity between two data vector via entropy difference + + + + + + +
+ + + + + + +
diff_entropy {math}R Documentation
+ +

measure similarity between two data vector via entropy difference

+ +

Description

+ + + +

Usage

+ +
+
diff_entropy(x, y);
+
+ +

Arguments

+ + + +
x
+

a numeric vector

+ + +
y
+

another numeric vector which should
+ be in the same size as the x vector.

+ +
+ + +

Details

+ + + + +

Value

+ +

Unweighted entropy similarity

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/gini.html b/vignettes/Rlapack/math/gini.html new file mode 100644 index 0000000..93edb09 --- /dev/null +++ b/vignettes/Rlapack/math/gini.html @@ -0,0 +1,64 @@ + + + + + gini + + + + + + +
+ + + + + + +
gini {math}R Documentation
+ +

gini

+ +

Description

+ + gini + +

Usage

+ +
+
gini(data);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/hist.html b/vignettes/Rlapack/math/hist.html new file mode 100644 index 0000000..dc09c94 --- /dev/null +++ b/vignettes/Rlapack/math/hist.html @@ -0,0 +1,73 @@ + + + + + Do fixed width cut bins + + + + + + +
+ + + + + + +
hist {math}R Documentation
+ +

Do fixed width cut bins

+ +

Description

+ + + +

Usage

+ +
+
hist(x,
+    step = NULL,
+    n = 10);
+
+ +

Arguments

+ + + +
x
+

A numeric vector data sequence

+ + +
step
+

The width of the bin box.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DataBinBox`1.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/loess.html b/vignettes/Rlapack/math/loess.html new file mode 100644 index 0000000..72044e7 --- /dev/null +++ b/vignettes/Rlapack/math/loess.html @@ -0,0 +1,64 @@ + + + + + loess fit + + + + + + +
+ + + + + + +
loess {math}R Documentation
+ +

loess fit

+ +

Description

+ + + +

Usage

+ +
+
loess(formula, data);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/sim.html b/vignettes/Rlapack/math/sim.html new file mode 100644 index 0000000..15e4b07 --- /dev/null +++ b/vignettes/Rlapack/math/sim.html @@ -0,0 +1,67 @@ + + + + + Create a similarity matrix + + + + + + +
+ + + + + + +
sim {math}R Documentation
+ +

Create a similarity matrix

+ +

Description

+ + + +

Usage

+ +
+
sim(x);
+
+ +

Arguments

+ + + +
x
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DistanceMatrix.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/math/solve.RK4.html b/vignettes/Rlapack/math/solve.RK4.html new file mode 100644 index 0000000..4e6ab01 --- /dev/null +++ b/vignettes/Rlapack/math/solve.RK4.html @@ -0,0 +1,95 @@ + + + + + solve a given ODE system + + + + + + +
+ + + + + + +
solve.RK4 {math}R Documentation
+ +

solve a given ODE system

+ +

Description

+ + + +

Usage

+ +
+
solve.RK4(df,
+    y0 = 0,
+    min = -100,
+    max = 100,
+    resolution = 10000);
+
+ +

Arguments

+ + + +
system
+

a collection of the lambda expression

+ + +
y0
+

a list of the initialize values of the variables

+ + +
a
+

from

+ + +
b
+

to

+ + +
resolution%
+

-

+ + +
tick
+

handler after each solver iteration in the solver loop

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ODEOutput.

clr value class

+ +

Examples

+ + + +
+
[Package math version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats.html b/vignettes/Rlapack/stats.html new file mode 100644 index 0000000..a92a4bc --- /dev/null +++ b/vignettes/Rlapack/stats.html @@ -0,0 +1,338 @@ + + + + + + + stats + + + + + + + + + + + + + + + + + + + + + + + +
{stats}R# Documentation
+

stats

+
+

+ + require(R); +

#' The R Stats Package
imports "stats" from "Rlapack"; +
+

+

The R Stats Package

+ +

R statistical functions, This package contains
+ functions for statistical calculations and random
+ number generation.

+ +

For a complete list of functions, use library(help = "stats").

+
+

+

The R Stats Package

+ +

R statistical functions, This package contains
+ functions for statistical calculations and random
+ number generation.

+ +

For a complete list of functions, use library(help = "stats").

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ combin +

calculates C(n, k).

+ pnorm +

The Normal Distribution

+ +

Density, distribution function, quantile function and random generation
+ for the normal distribution with mean equal to mean and standard deviation
+ equal to sd.

+ dnorm +
+ p.adjust +

Adjust P-values for Multiple Comparisons

+ +

Given a set of p-values, returns p-values adjusted
+ using one of several methods.

+ ecdf +

Empirical Cumulative Distribution Function

+ +

Compute an empirical cumulative distribution function, with several methods for
+ plotting, printing and computing with such an “ecdf” object.

+ CDF +

Empirical Cumulative Distribution Function

+ +

Compute an empirical cumulative distribution function

+ spline +

Interpolating Splines

+ tabulate.mode +
+ prcomp +

Principal Components Analysis

+ +

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.

+ as.dist +
+ corr +

matrix correlation

+ corr_sign +
+ corr.test +

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.

+ quantile +

Sample Quantiles

+ +

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.

+ median +
+ level +

get quantile levels

+ dist +

Distance Matrix Computation

+ +

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.

+ t.test +

Student's t-Test

+ +

Performs one and two sample t-tests on vectors of data.

+ fisher.test +

Fisher's Exact Test for Count Data

+ +

Performs Fisher's exact test for testing the null of independence
+ of rows and columns in a contingency table with fixed marginals.

+ moran.test +

Calculate Moran's I quickly for point data

+ +

test spatial cluster via moran index

+ mantel.test +

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]).

+ lowess +
+ var.test +

F Test to Compare Two Variances

+ +

Performs an F test to compare the variances of
+ two samples from normal populations.

+ aov +

Fit an Analysis of Variance Model

+ +

Fit an analysis of variance model by a call to lm for each stratum.

+ filterMissing +

set the NA, NaN, Inf value to the default value

+ plsda +

Partial Least Squares Discriminant Analysis

+ +

plsda is used to calibrate, validate and use of partial least squares discrimination analysis (PLS-DA) model.

+ z +

z-score

+ chi_square +

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.

+ gamma.cdf +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/CDF.html b/vignettes/Rlapack/stats/CDF.html new file mode 100644 index 0000000..3647de2 --- /dev/null +++ b/vignettes/Rlapack/stats/CDF.html @@ -0,0 +1,88 @@ + + + + + Empirical Cumulative Distribution Function + + + + + + +
+ + + + + + +
CDF {stats}R Documentation
+ +

Empirical Cumulative Distribution Function

+ +

Description

+ +


Compute an empirical cumulative distribution function

+ +

Usage

+ +
+
CDF(FUNC, range,
+    p0 = 0,
+    resolution = 50000);
+
+ +

Arguments

+ + + +
FUNC
+

function for run value integral, this function should
+ accept a number as parameter and produce new number as output.

+ + +
range
+

the value range of the target function to do integral

+ + +
p0
+

the y0 value for the integral

+ + +
resolution
+

the RK4 integral algorithm resolution

+ +
+ + +

Details

+ + + + +

Value

+ +

this function returns a tuple list object that contains the data slots:

+ + the list data also has some specificied data fields: list(ecdf, x, y).

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/as.dist.html b/vignettes/Rlapack/stats/as.dist.html new file mode 100644 index 0000000..8e7b553 --- /dev/null +++ b/vignettes/Rlapack/stats/as.dist.html @@ -0,0 +1,88 @@ + + + + + + + + + + + +
+ + + + + + +
as.dist {stats}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
as.dist(x,
+    is.matrix = TRUE,
+    ... = NULL);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
is.matrix
+

-

+ + +
projection
+

argument for extract data from the given data object, this parameter is depends
+ on the is_matrix argument, for:

+ +

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DistanceMatrix.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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);
+}
+
+ + +

Value

+ +

the Chi Squared result.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/combin.html b/vignettes/Rlapack/stats/combin.html new file mode 100644 index 0000000..59f0197 --- /dev/null +++ b/vignettes/Rlapack/stats/combin.html @@ -0,0 +1,71 @@ + + + + + calculates ``C(n, k)``. + + + + + + +
+ + + + + + +
combin {stats}R Documentation
+ +

calculates ``C(n, k)``.

+ +

Description

+ + + +

Usage

+ +
+
combin(number, number.chosen);
+
+ +

Arguments

+ + + +
number
+

n

+ + +
number.chosen
+

k

+ +
+ + +

Details

+ +

https://en.wikipedia.org/wiki/Combination

+ + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/corr.html b/vignettes/Rlapack/stats/corr.html new file mode 100644 index 0000000..31fb1a0 --- /dev/null +++ b/vignettes/Rlapack/stats/corr.html @@ -0,0 +1,69 @@ + + + + + matrix correlation + + + + + + +
+ + + + + + +
corr {stats}R Documentation
+ +

matrix correlation

+ +

Description

+ + + +

Usage

+ +
+
corr(x,
+    y = NULL,
+    spearman = FALSE);
+
+ +

Arguments

+ + + +
x
+

evaluate correlation for each row elements

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CorrelationMatrix.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/corr_sign.html b/vignettes/Rlapack/stats/corr_sign.html new file mode 100644 index 0000000..35f2e17 --- /dev/null +++ b/vignettes/Rlapack/stats/corr_sign.html @@ -0,0 +1,64 @@ + + + + + corr_sign + + + + + + +
+ + + + + + +
corr_sign {stats}R Documentation
+ +

corr_sign

+ +

Description

+ + corr_sign + +

Usage

+ +
+
corr_sign(c);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type matrix.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
dist(x,
+    method = "euclidean",
+    diag = FALSE,
+    upper = FALSE,
+    p = 2);
+
+ +

Arguments

+ + + +
x
+

a numeric matrix, data frame or "dist" object.

+ + +
method
+

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):

+ + + + +

Value

+ + this function returns data object of type DistanceMatrix.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/dnorm.html b/vignettes/Rlapack/stats/dnorm.html new file mode 100644 index 0000000..1601376 --- /dev/null +++ b/vignettes/Rlapack/stats/dnorm.html @@ -0,0 +1,66 @@ + + + + + dnorm + + + + + + +
+ + + + + + +
dnorm {stats}R Documentation
+ +

dnorm

+ +

Description

+ + dnorm + +

Usage

+ +
+
dnorm(x,
+    mean = 0,
+    sd = 1);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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

+ +

+ +
eval(attr(old_obj, "call"), environment(old_obj))
+
+ +

since the data used Is stored As part Of the Object's environment.

+ + +

Value

+ +

For ecdf, a function of class "ecdf", inheriting from the "stepfun" class,
+ and hence inheriting a knots() method.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/fisher.test.html b/vignettes/Rlapack/stats/fisher.test.html new file mode 100644 index 0000000..30623d0 --- /dev/null +++ b/vignettes/Rlapack/stats/fisher.test.html @@ -0,0 +1,79 @@ + + + + + Fisher's Exact Test for Count Data + + + + + + +
+ + + + + + +
fisher.test {stats}R Documentation
+ +

Fisher's Exact Test for Count Data

+ +

Description

+ +


Performs Fisher's exact test for testing the null of independence
of rows and columns in a contingency table with fixed marginals.

+ +

Usage

+ +
+
fisher.test(a, b, c, d);
+
+ +

Arguments

+ + + +
a%
+

-

+ + +
b%
+

-

+ + +
c%
+

-

+ + +
d%
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type FishersExactPvalues.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/gamma.cdf.html b/vignettes/Rlapack/stats/gamma.cdf.html new file mode 100644 index 0000000..4a63762 --- /dev/null +++ b/vignettes/Rlapack/stats/gamma.cdf.html @@ -0,0 +1,64 @@ + + + + + gamma.cdf + + + + + + +
+ + + + + + +
gamma.cdf {stats}R Documentation
+ +

gamma.cdf

+ +

Description

+ + gamma.cdf + +

Usage

+ +
+
gamma.cdf(x, alpha, beta);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/level.html b/vignettes/Rlapack/stats/level.html new file mode 100644 index 0000000..e255ee7 --- /dev/null +++ b/vignettes/Rlapack/stats/level.html @@ -0,0 +1,75 @@ + + + + + get quantile levels + + + + + + +
+ + + + + + +
level {stats}R Documentation
+ +

get quantile levels

+ +

Description

+ + + +

Usage

+ +
+
level(q, level);
+
+ +

Arguments

+ + + +
q
+

-

+ + +
level
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/lowess.html b/vignettes/Rlapack/stats/lowess.html new file mode 100644 index 0000000..313a674 --- /dev/null +++ b/vignettes/Rlapack/stats/lowess.html @@ -0,0 +1,66 @@ + + + + + lowess + + + + + + +
+ + + + + + +
lowess {stats}R Documentation
+ +

lowess

+ +

Description

+ + lowess + +

Usage

+ +
+
lowess(x,
+    f = 0.6666666666666666,
+    nsteps = 3);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/median.html b/vignettes/Rlapack/stats/median.html new file mode 100644 index 0000000..e8f5dac --- /dev/null +++ b/vignettes/Rlapack/stats/median.html @@ -0,0 +1,64 @@ + + + + + median + + + + + + +
+ + + + + + +
median {stats}R Documentation
+ +

median

+ +

Description

+ + median + +

Usage

+ +
+
median(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/moran.test.html b/vignettes/Rlapack/stats/moran.test.html new file mode 100644 index 0000000..2e9e719 --- /dev/null +++ b/vignettes/Rlapack/stats/moran.test.html @@ -0,0 +1,82 @@ + + + + + Calculate Moran's I quickly for point data + + + + + + +
+ + + + + + +
moran.test {stats}R Documentation
+ +

Calculate Moran's I quickly for point data

+ +

Description

+ +


test spatial cluster via moran index

+ +

Usage

+ +
+
moran.test(x,
+    sx = NULL,
+    sy = NULL,
+    alternative = TwoSided,
+    throwMaxIterError = FALSE,
+    parallel = TRUE);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
alternative
+

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).

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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).

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
pnorm(q,
+    mean = 0,
+    sd = 1,
+    lower.tail = TRUE,
+    log.p = FALSE,
+    resolution = 97);
+
+ +

Arguments

+ + + +
q
+

vector of quantiles.

+ + +
mean
+

vector of means.

+ + +
sd
+

vector of standard deviations.

+ + +
lower.tail
+

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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

+ + +

Value

+ + this function returns data object of type MultivariateAnalysisResult.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/spline.html b/vignettes/Rlapack/stats/spline.html new file mode 100644 index 0000000..794ae13 --- /dev/null +++ b/vignettes/Rlapack/stats/spline.html @@ -0,0 +1,65 @@ + + + + + Interpolating Splines + + + + + + +
+ + + + + + +
spline {stats}R Documentation
+ +

Interpolating Splines

+ +

Description

+ + + +

Usage

+ +
+
spline(data,
+    algorithm = BSpline);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/stats/tabulate.mode.html b/vignettes/Rlapack/stats/tabulate.mode.html new file mode 100644 index 0000000..1380032 --- /dev/null +++ b/vignettes/Rlapack/stats/tabulate.mode.html @@ -0,0 +1,67 @@ + + + + + + + + + + + +
+ + + + + + +
tabulate.mode {stats}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
tabulate.mode(x);
+
+ +

Arguments

+ + + +
x
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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).

+ +
+

https://en.wikipedia.org/wiki/Standard_score

+
+ + +

Value

+ +

NA, NaN, Inf missing value in the matrix will be set
+ to the default value zero in the return value of this
+ function

clr value class

+ +

Examples

+ + + +
+
[Package stats version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/symbolic.html b/vignettes/Rlapack/symbolic.html new file mode 100644 index 0000000..5073b82 --- /dev/null +++ b/vignettes/Rlapack/symbolic.html @@ -0,0 +1,106 @@ + + + + + + + symbolic + + + + + + + + + + + + + + + + + + + + + + + +
{symbolic}R# Documentation
+

symbolic

+
+

+ + require(R); +

#' math symbolic expression for R#
imports "symbolic" from "Rlapack"; +
+

+

math symbolic expression for R#

+
+

+

math symbolic expression for R#

+

+
+
+ + + + + + + + + + + + + + + + + +
+ parse +

Parse a math formula

+ parse.mathml +
+ lambda +

convert the formula expression to the mathml lambda expression model

+ as.polynomial +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/Rlapack/symbolic/as.polynomial.html b/vignettes/Rlapack/symbolic/as.polynomial.html new file mode 100644 index 0000000..c53c35f --- /dev/null +++ b/vignettes/Rlapack/symbolic/as.polynomial.html @@ -0,0 +1,64 @@ + + + + + as.polynomial + + + + + + +
+ + + + + + +
as.polynomial {symbolic}R Documentation
+ +

as.polynomial

+ +

Description

+ + as.polynomial + +

Usage

+ +
+
as.polynomial(expression);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Polynomial.

clr value class

+ +

Examples

+ + + +
+
[Package symbolic version 5.0.1.2389 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
lambda(formula);
+
+ +

Arguments

+ + + +
formula
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type LambdaExpression.

clr value class

+ +

Examples

+ + + +
+
[Package symbolic version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/symbolic/parse.html b/vignettes/Rlapack/symbolic/parse.html new file mode 100644 index 0000000..95c2ff0 --- /dev/null +++ b/vignettes/Rlapack/symbolic/parse.html @@ -0,0 +1,71 @@ + + + + + Parse a math formula + + + + + + +
+ + + + + + +
parse {symbolic}R Documentation
+ +

Parse a math formula

+ +

Description

+ + + +

Usage

+ +
+
parse(expressions);
+
+ +

Arguments

+ + + +
expressions
+

a list of character vector which are all represents some math formula expression.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Expression.

clr value class

+ +

Examples

+ + + +
+
[Package symbolic version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rlapack/symbolic/parse.mathml.html b/vignettes/Rlapack/symbolic/parse.mathml.html new file mode 100644 index 0000000..fdfbbbd --- /dev/null +++ b/vignettes/Rlapack/symbolic/parse.mathml.html @@ -0,0 +1,64 @@ + + + + + parse.mathml + + + + + + +
+ + + + + + +
parse.mathml {symbolic}R Documentation
+ +

parse.mathml

+ +

Description

+ + parse.mathml + +

Usage

+ +
+
parse.mathml(mathml);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type LambdaExpression.

clr value class

+ +

Examples

+ + + +
+
[Package symbolic version 5.0.1.2389 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rstudio/diagnostics.html b/vignettes/Rstudio/diagnostics.html new file mode 100644 index 0000000..4a515e6 --- /dev/null +++ b/vignettes/Rstudio/diagnostics.html @@ -0,0 +1,94 @@ + + + + + + + diagnostics + + + + + + + + + + + + + + + + + + + + + + + +
{diagnostics}R# Documentation
+

diagnostics

+
+

+ + require(R); +

{$desc_comments}
imports "diagnostics" from "Rstudio"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + +
+ view +
+ help +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/Rstudio/diagnostics/help.html b/vignettes/Rstudio/diagnostics/help.html new file mode 100644 index 0000000..d411a0e --- /dev/null +++ b/vignettes/Rstudio/diagnostics/help.html @@ -0,0 +1,64 @@ + + + + + help + + + + + + +
+ + + + + + +
help {diagnostics}R Documentation
+ +

help

+ +

Description

+ + help + +

Usage

+ +
+
help(symbol);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Message.

clr value class

+ +

Examples

+ + + +
+
[Package diagnostics version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rstudio/diagnostics/view.html b/vignettes/Rstudio/diagnostics/view.html new file mode 100644 index 0000000..2e0b575 --- /dev/null +++ b/vignettes/Rstudio/diagnostics/view.html @@ -0,0 +1,64 @@ + + + + + view + + + + + + +
+ + + + + + +
view {diagnostics}R Documentation
+ +

view

+ +

Description

+ + view + +

Usage

+ +
+
view(symbol);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package diagnostics version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rstudio/help.html b/vignettes/Rstudio/help.html new file mode 100644 index 0000000..292e94b --- /dev/null +++ b/vignettes/Rstudio/help.html @@ -0,0 +1,112 @@ + + + + + + + help + + + + + + + + + + + + + + + + + + + + + + + +
{help}R# Documentation
+

help

+
+

+ + require(R); +

{$desc_comments}
imports "help" from "Rstudio"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + +
+ http_load +
+ vignettes +
+ browse +
+ index +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/Rstudio/help/browse.html b/vignettes/Rstudio/help/browse.html new file mode 100644 index 0000000..fdfd0e6 --- /dev/null +++ b/vignettes/Rstudio/help/browse.html @@ -0,0 +1,64 @@ + + + + + browse + + + + + + +
+ + + + + + +
browse {help}R Documentation
+ +

browse

+ +

Description

+ + browse + +

Usage

+ +
+
browse(pkg);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package help version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rstudio/help/http_load.html b/vignettes/Rstudio/help/http_load.html new file mode 100644 index 0000000..35a0773 --- /dev/null +++ b/vignettes/Rstudio/help/http_load.html @@ -0,0 +1,64 @@ + + + + + http_load + + + + + + +
+ + + + + + +
http_load {help}R Documentation
+ +

http_load

+ +

Description

+ + http_load + +

Usage

+ +
+
http_load();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package help version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rstudio/help/index.html b/vignettes/Rstudio/help/index.html new file mode 100644 index 0000000..d752ad9 --- /dev/null +++ b/vignettes/Rstudio/help/index.html @@ -0,0 +1,64 @@ + + + + + index + + + + + + +
+ + + + + + +
index {help}R Documentation
+ +

index

+ +

Description

+ + index + +

Usage

+ +
+
index();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package help version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rstudio/help/search.html b/vignettes/Rstudio/help/search.html new file mode 100644 index 0000000..e2e13de --- /dev/null +++ b/vignettes/Rstudio/help/search.html @@ -0,0 +1,64 @@ + + + + + search + + + + + + +
+ + + + + + +
search {help}R Documentation
+ +

search

+ +

Description

+ + search + +

Usage

+ +
+
search(term);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package help version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/Rstudio/help/vignettes.html b/vignettes/Rstudio/help/vignettes.html new file mode 100644 index 0000000..11b2e9f --- /dev/null +++ b/vignettes/Rstudio/help/vignettes.html @@ -0,0 +1,65 @@ + + + + + vignettes + + + + + + +
+ + + + + + +
vignettes {help}R Documentation
+ +

vignettes

+ +

Description

+ + vignettes + +

Usage

+ +
+
vignettes(ref,
+    context = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

+ +

Examples

+ + + +
+
[Package help version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/_assets/R_syntax.js b/vignettes/_assets/R_syntax.js new file mode 100644 index 0000000..1cf3692 --- /dev/null +++ b/vignettes/_assets/R_syntax.js @@ -0,0 +1,322 @@ +var Token; +(function (Token) { + Token.html_color = /"[#][a-zA-Z0-9]{6}"/ig; + /** + * pattern for match the number token + */ + Token.number_regexp = /[-]?\d+(\.\d+)?([eE][-]?\d+)?/ig; + Token.symbol_name = /[a-zA-Z_\.]/ig; + function renderTextSet(chars) { + var set = {}; + for (var _i = 0, chars_1 = chars; _i < chars_1.length; _i++) { + var char = chars_1[_i]; + set[char] = 1; + } + return set; + } + Token.logical = renderTextSet(["true", "false", "TRUE", "FALSE", "True", "False"]); + Token.operators = renderTextSet(["+", "-", "*", "/", "\\", "!", "$", "%", "^", "&", "=", "<", ">", ":", "|", ",", "~", "?"]); + Token.stacks = renderTextSet(["[", "]", "(", ")", "{", "}"]); + Token.keywords = renderTextSet([ + "imports", "from", "require", + "if", "else", "for", "break", "while", + "function", "return", + "let", "const", + "stop", "invisible", + "export", "namespace", "class", + "string", "double", "integer", "list" + ]); +})(Token || (Token = {})); +/// +var TokenParser = /** @class */ (function () { + function TokenParser(source) { + this.source = source; + this.escaped = false; + this.escape_char = null; + this.escape_comment = false; + /** + * for get char at index + */ + this.i = 0; + this.str_len = -1; + /** + * the token text buffer + */ + this.buf = []; + if (source) { + this.str_len = source.length; + } + } + TokenParser.prototype.getTokens = function () { + var tokens = []; + var tmp = null; + while (this.i < this.str_len) { + if (tmp = this.walkChar(this.source.charAt(this.i++))) { + tokens.push(tmp); + if (this.buf.length == 1) { + var c = this.buf[0]; + if (c == " " || c == "\t") { + this.buf = []; + tokens.push({ + text: c, type: "whitespace" + }); + } + else if (c == "\r" || c == "\n") { + this.buf = []; + tokens.push({ + text: c, type: "newLine" + }); + } + else if (c in Token.stacks) { + this.buf = []; + tokens.push({ + text: c, type: "bracket" + }); + } + else if (c == ";") { + this.buf = []; + tokens.push({ + text: c, type: "terminator" + }); + } + else if (c == ",") { + this.buf = []; + tokens.push({ + text: c, type: "delimiter" + }); + } + } + } + } + if (this.buf.length > 0) { + tokens.push(this.measureToken(null)); + } + return tokens; + }; + TokenParser.prototype.walkChar = function (c) { + if (this.escaped) { + this.buf.push(c); + if (c == this.escape_char) { + var pull_str = this.buf.join(""); + var type = Token.html_color.test(pull_str) ? "color" : "character"; + // end escape + this.escaped = false; + this.escape_char = null; + this.buf = []; + return { + text: pull_str, + type: type + }; + } + else { + // do nothing + } + return null; + } + if (this.escape_comment) { + if (c == "\r" || c == "\n") { + var pull_comment = this.buf.join(""); + // end comment line + this.escape_comment = false; + this.buf = [c]; + return { + text: pull_comment, + type: "comment" + }; + } + else { + this.buf.push(c); + } + return null; + } + if (c == "#") { + // start comment + this.escape_comment = true; + if (this.buf.length > 0) { + // populate previous token + return this.measureToken(c); + } + else { + this.buf.push(c); + } + } + else if (c == "'" || c == '"') { + // start string + this.escape_char = c; + this.escaped = true; + if (this.buf.length > 0) { + // populate previous token + return this.measureToken(c); + } + else { + this.buf.push(c); + } + } + else if (c == " " || c == "\t") { + if (this.buf.length > 0) { + // populate previous token + return this.measureToken(c); + } + else { + return { + type: "whitespace", + text: c + }; + } + } + else if (c == "\r" || c == "\n") { + if (this.buf.length > 0) { + // populate previous token + return this.measureToken(c); + } + else { + return { + type: "newLine", + text: c + }; + } + } + else if (c in Token.stacks) { + if (this.buf.length > 0) { + // populate previous token + return this.measureToken(c); + } + else { + return { + type: "bracket", + text: c + }; + } + } + else if (c == ";") { + if (this.buf.length > 0) { + // populate previous token + return this.measureToken(c); + } + else { + return { + type: "terminator", + text: c + }; + } + } + else if (c == ",") { + if (this.buf.length > 0) { + // populate previous token + return this.measureToken(c); + } + else { + return { + type: "delimiter", + text: c + }; + } + } + else { + this.buf.push(c); + } + return null; + }; + TokenParser.prototype.measureToken = function (push_next) { + var text = this.buf.join(""); + var test_symbol = text.match(Token.symbol_name); + var test_number = text.match(Token.number_regexp); + this.buf = []; + if (push_next) { + this.buf.push(push_next); + } + if (text == "NULL" || text == "NA" || text == "NaN" || text == "Inf") { + return { + text: text, + type: "factor" + }; + } + else if (text in Token.logical) { + return { + text: text, + type: "logical" + }; + } + else if (text in Token.keywords) { + return { + text: text, + type: "keyword" + }; + } + else if (test_number && (test_number.length > 0)) { + return { + text: text, + type: "number" + }; + } + else if (test_symbol && (test_symbol.length > 0)) { + // symbol + return { + text: text, + type: "symbol" + }; + } + else if (text in Token.operators) { + return { + text: text, + type: "operator" + }; + } + else { + return { + text: text, + type: "undefined" + }; + } + }; + return TokenParser; +}()); +/// +/// +function parseText(str) { + var parser = new TokenParser(str); + var tokens = parser.getTokens(); + return tokens; +} +/** + * parse the script text to syntax highlight html content +*/ +function highlights(str, verbose) { + if (verbose === void 0) { verbose = true; } + var html = ""; + var syntax = parseText(str); + if (verbose) { + console.log("view of the syntax tokens:"); + console.table(syntax); + } + for (var _i = 0, syntax_1 = syntax; _i < syntax_1.length; _i++) { + var t = syntax_1[_i]; + switch (t.type) { + case "newLine": + html = html + "\n"; + break; + case "whitespace": + case "symbol": + html = html + escape_op(t.text); + break; + case "color": + html = html + ("" + t.text + ""); + break; + default: + html = html + ("" + t.text + ""); + } + } + return html; +} +function escape_op(str) { + if (!str) { + return ""; + } + else { + return str + .replace("&", "&") + .replace(">", ">") + .replace("<", "<"); + } +} +//# sourceMappingURL=R_syntax.js.map \ No newline at end of file diff --git a/vignettes/_assets/highlights.js b/vignettes/_assets/highlights.js new file mode 100644 index 0000000..ccc87ff --- /dev/null +++ b/vignettes/_assets/highlights.js @@ -0,0 +1,9 @@ +function r_highlights(id) { + let example_code = document.getElementById(id); + let highlights_str = highlights(example_code.innerText); + + console.log(example_code.innerText); + console.log(highlights_str); + + example_code.innerHTML = highlights_str; +} \ No newline at end of file diff --git a/vignettes/_assets/page.css b/vignettes/_assets/page.css new file mode 100644 index 0000000..95996a4 --- /dev/null +++ b/vignettes/_assets/page.css @@ -0,0 +1,167 @@ +@media screen { + .container { + padding-right: 10px; + padding-left: 10px; + margin-right: auto; + margin-left: auto; + max-width: 900px; + } +} + +.rimage img { + /* from knitr - for examples and demos */ + width: 96%; + margin-left: 2%; +} + +.katex { + font-size: 1.1em; +} + +code { + color: rgb(194, 42, 42); + background: inherit; + font-style: italic; + font-weight: bold; +} + +pre code { + color: rgb(54, 54, 54); + font-style: normal; +} + +body { + line-height: 1.4; + background: white; + color: black; +} + +a:link { + background: white; + color: blue; +} + +a:visited { + background: white; + color: rgb(50%, 0%, 50%); +} + +h1 { + background: white; + color: rgb(55%, 55%, 55%); + font-family: monospace; + font-size: 1.4em; + /* x-large; */ + text-align: center; +} + +h2 { + background: white; + color: rgb(40%, 40%, 40%); + font-family: monospace; + font-size: 1.2em; + /* large; */ + text-align: center; +} + +h3 { + background: white; + color: rgb(40%, 40%, 40%); + font-family: monospace; + font-size: 1.2em; + /* large; */ +} + +h4 { + background: white; + color: rgb(40%, 40%, 40%); + font-family: monospace; + font-style: italic; + font-size: 1.2em; + /* large; */ +} + +h5 { + background: white; + color: rgb(40%, 40%, 40%); + font-family: monospace; +} + +h6 { + background: white; + color: rgb(40%, 40%, 40%); + font-family: monospace; + font-style: italic; +} + +img.toplogo { + width: 4em; + vertical-align: middle; +} + +img.arrow { + width: 30px; + height: 30px; + border: 0; +} + +span.acronym { + font-size: small; +} + +span.env { + font-family: monospace; +} + +span.file { + font-family: monospace; +} + +span.option { + font-family: monospace; +} + +span.pkg { + font-weight: bold; +} + +span.samp { + font-family: monospace; +} + +div.vignettes a:hover { + background: rgb(85%, 85%, 85%); +} + +.character { + color: brown; +} + +.comment { + color: green; + font-style: italic; +} + +.number { + color: skyblue; +} + +.keyword { + color: blue; + font-weight: bold; +} + +.operator { + color: gray; + font-weight: bold; +} + +.bracket { + color: rgb(197, 1, 197); + font-weight: bold; +} + +.logical { + color: fuchsia; + font-style: italic; +} \ No newline at end of file diff --git a/vignettes/base/HDF5.utils.html b/vignettes/base/HDF5.utils.html new file mode 100644 index 0000000..b9e35c4 --- /dev/null +++ b/vignettes/base/HDF5.utils.html @@ -0,0 +1,94 @@ + + + + + + + HDF5.utils + + + + + + + + + + + + + + + + + + + + + + + +
{HDF5.utils}R# Documentation
+

HDF5.utils

+
+

+ + require(R); +

{$desc_comments}
imports "HDF5.utils" from "base"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + +
+ open.hdf5 +
+ getData +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/base/HDF5.utils/getData.html b/vignettes/base/HDF5.utils/getData.html new file mode 100644 index 0000000..0beb221 --- /dev/null +++ b/vignettes/base/HDF5.utils/getData.html @@ -0,0 +1,64 @@ + + + + + getData + + + + + + +
+ + + + + + +
getData {HDF5.utils}R Documentation
+ +

getData

+ +

Description

+ + getData + +

Usage

+ +
+
getData(hdf5, path);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package HDF5.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/HDF5.utils/open.hdf5.html b/vignettes/base/HDF5.utils/open.hdf5.html new file mode 100644 index 0000000..7b8623a --- /dev/null +++ b/vignettes/base/HDF5.utils/open.hdf5.html @@ -0,0 +1,64 @@ + + + + + open.hdf5 + + + + + + +
+ + + + + + +
open.hdf5 {HDF5.utils}R Documentation
+ +

open.hdf5

+ +

Description

+ + open.hdf5 + +

Usage

+ +
+
open.hdf5(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package HDF5.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/HDS.html b/vignettes/base/HDS.html new file mode 100644 index 0000000..bfe89a8 --- /dev/null +++ b/vignettes/base/HDS.html @@ -0,0 +1,148 @@ + + + + + + + HDS + + + + + + + + + + + + + + + + + + + + + + + +
{HDS}R# Documentation
+

HDS

+
+

+ + require(R); +

#' HDS stream pack toolkit
imports "HDS" from "base"; +
+

+

HDS stream pack toolkit

+
+

+

HDS stream pack toolkit

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ createStream +

Create a new data pack stream object, this function will clear up the data that sotre in the target file!

+ extract_files +

Extract the files inside the HDS pack to a specific filesystem environment

+ disk_defragment +
+ openStream +

Open a HDS stream pack file, this function will create a new file is the given file is not exists

+ files +

Get files in a specific directory

+ tree +

Get the filesystem tree inside the given HDS pack file

+ getData +

get a stream in readonly mode for parse data

+ getText +

Read a specific text data from a HDS stream pack

+ writeText +
+ saveFile +

write data to a HDS stream pack file

+ flush +
+
+
+
[Document Index]
+ + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/HDS/disk_defragment.html b/vignettes/base/HDS/disk_defragment.html new file mode 100644 index 0000000..30d7d91 --- /dev/null +++ b/vignettes/base/HDS/disk_defragment.html @@ -0,0 +1,64 @@ + + + + + disk_defragment + + + + + + +
+ + + + + + +
disk_defragment {HDS}R Documentation
+ +

disk_defragment

+ +

Description

+ + disk_defragment + +

Usage

+ +
+
disk_defragment(pack);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/HDS/extract_files.html b/vignettes/base/HDS/extract_files.html new file mode 100644 index 0000000..f0d7531 --- /dev/null +++ b/vignettes/base/HDS/extract_files.html @@ -0,0 +1,71 @@ + + + + + Extract the files inside the HDS pack to a specific filesystem environment + + + + + + +
+ + + + + + +
extract_files {HDS}R Documentation
+ +

Extract the files inside the HDS pack to a specific filesystem environment

+ +

Description

+ + + +

Usage

+ +
+
extract_files(pack, fs);
+
+ +

Arguments

+ + + +
pack
+

-

+ + +
fs
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
files {HDS}R Documentation
+ +

Get files in a specific directory

+ +

Description

+ + + +

Usage

+ +
+
files(pack,
+    dir = "/",
+    excludes.dir = FALSE,
+    recursive = TRUE);
+
+ +

Arguments

+ + + +
pack
+

-

+ + +
dir
+

the default directory path is root, for get all data files

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/HDS/flush.html b/vignettes/base/HDS/flush.html new file mode 100644 index 0000000..18dcc70 --- /dev/null +++ b/vignettes/base/HDS/flush.html @@ -0,0 +1,64 @@ + + + + + flush + + + + + + +
+ + + + + + +
flush {HDS}R Documentation
+ +

flush

+ +

Description

+ + flush + +

Usage

+ +
+
flush(hds);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
openStream(file,
+    readonly = FALSE,
+    allowCreate = FALSE,
+    meta.size = 8388608);
+
+ +

Arguments

+ + + +
file
+

-

+ + +
readonly
+

Indicates that the file content just used for readonly, not allow updates?

+ + +
allowCreate
+

-

+ + +
meta.size
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type StreamPack.

clr value class

+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/HDS/saveFile.html b/vignettes/base/HDS/saveFile.html new file mode 100644 index 0000000..6414b82 --- /dev/null +++ b/vignettes/base/HDS/saveFile.html @@ -0,0 +1,75 @@ + + + + + write data to a HDS stream pack file + + + + + + +
+ + + + + + +
saveFile {HDS}R Documentation
+ +

write data to a HDS stream pack file

+ +

Description

+ + + +

Usage

+ +
+
saveFile(hds, fileName, data);
+
+ +

Arguments

+ + + +
hds
+

-

+ + +
fileName
+

-

+ + +
data
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/HDS/writeText.html b/vignettes/base/HDS/writeText.html new file mode 100644 index 0000000..a10cdc2 --- /dev/null +++ b/vignettes/base/HDS/writeText.html @@ -0,0 +1,64 @@ + + + + + writeText + + + + + + +
+ + + + + + +
writeText {HDS}R Documentation
+ +

writeText

+ +

Description

+ + writeText + +

Usage

+ +
+
writeText(pack, fileName, text);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type boolean.

clr value class

  • boolean
+ +

Examples

+ + + +
+
[Package HDS version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/IO.html b/vignettes/base/IO.html new file mode 100644 index 0000000..857ee10 --- /dev/null +++ b/vignettes/base/IO.html @@ -0,0 +1,88 @@ + + + + + + + IO + + + + + + + + + + + + + + + + + + + + + + + +
{IO}R# Documentation
+

IO

+
+

+ + require(R); +

#' R# raw I/O api module
imports "IO" from "base"; +
+

+

R# raw I/O api module

+
+

+

R# raw I/O api module

+

+
+
+ + + + + +
+ dumpDf +

Dumping a large json/xml dataset into a data table file

+
+
+
[Document Index]
+ + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package IO version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

  • +
+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ unescape +

do string unescape

+ json_decode +

Decodes a JSON string

+ +

a short cut method of parseJSON

+ json_encode +

Returns the JSON representation of a value

+ parseJSON +

parse JSON string into the raw JSON model or R data object

+ parseBSON +

parse the binary JSON data into the raw JSON model or R data object

+ object +

Convert the raw json model into R data object

+ writeBSON +

save any R object into BSON stream data

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/base/JSON/json_decode.html b/vignettes/base/JSON/json_decode.html new file mode 100644 index 0000000..f12ab06 --- /dev/null +++ b/vignettes/base/JSON/json_decode.html @@ -0,0 +1,73 @@ + + + + + Decodes a JSON string + + + + + + +
+ + + + + + +
json_decode {JSON}R Documentation
+ +

Decodes a JSON string

+ +

Description

+ +


a short cut method of parseJSON

+ +

Usage

+ +
+
json_decode(str,
+    throwEx = TRUE,
+    typeof = NULL);
+
+ +

Arguments

+ + + +
str
+

The json string being decoded.

+ + +
env
+

-

+ +
+ + +

Details

+ +

Takes a JSON encoded string and converts it into a R variable.

+ + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package JSON version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/JSON/json_encode.html b/vignettes/base/JSON/json_encode.html new file mode 100644 index 0000000..f02c43b --- /dev/null +++ b/vignettes/base/JSON/json_encode.html @@ -0,0 +1,91 @@ + + + + + Returns the JSON representation of a value + + + + + + +
+ + + + + + +
json_encode {JSON}R Documentation
+ +

Returns the JSON representation of a value

+ +

Description

+ + + +

Usage

+ +
+
json_encode(x,
+    maskReadonly = FALSE,
+    indent = FALSE,
+    enumToStr = TRUE,
+    unixTimestamp = TRUE);
+
+ +

Arguments

+ + + +
x
+

The value being encoded. Can be any type except a resource.

+ + +
maskReadonly
+

-

+ + +
indent
+

-

+ + +
enumToStr
+

-

+ + +
unixTimestamp
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

Returns a string containing the JSON representation of the supplied value.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package JSON version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package JSON version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package JSON version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package JSON version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/JSON/unescape.html b/vignettes/base/JSON/unescape.html new file mode 100644 index 0000000..ad92dad --- /dev/null +++ b/vignettes/base/JSON/unescape.html @@ -0,0 +1,67 @@ + + + + + do string unescape + + + + + + +
+ + + + + + +
unescape {JSON}R Documentation
+ +

do string unescape

+ +

Description

+ + + +

Usage

+ +
+
unescape(str);
+
+ +

Arguments

+ + + +
str
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package JSON version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
writeBSON {JSON}R Documentation
+ +

save any R object into BSON stream data

+ +

Description

+ + + +

Usage

+ +
+
writeBSON(obj,
+    file = NULL,
+    maskReadonly = FALSE,
+    enumToStr = TRUE,
+    unixTimestamp = TRUE);
+
+ +

Arguments

+ + + +
obj
+

-

+ + +
file
+

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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package JSON version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

+ +

For a complete list of functions, use ls("base").

+

+
+
+ + + + + + + + + + + + + +
+ impute +

impute for missing values

+ parseTtl +

parse the RDF Turtle document

+ load.msgpack +

A helper function for load the messagepack dataset

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/base/base/impute.html b/vignettes/base/base/impute.html new file mode 100644 index 0000000..fe67aff --- /dev/null +++ b/vignettes/base/base/impute.html @@ -0,0 +1,77 @@ + + + + + impute for missing values + + + + + + +
+ + + + + + +
impute {base}R Documentation
+ +

impute for missing values

+ +

Description

+ + + +

Usage

+ +
+
impute(rawMatrix,
+    byRow = TRUE,
+    infer = Average);
+
+ +

Arguments

+ + + +
rawMatrix
+

-

+ + +
byRow
+

-

+ + +
infer
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DataSet[].

clr value class

+ +

Examples

+ + + +
+
[Package base version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/base/load.msgpack.html b/vignettes/base/base/load.msgpack.html new file mode 100644 index 0000000..9f4aeb4 --- /dev/null +++ b/vignettes/base/base/load.msgpack.html @@ -0,0 +1,75 @@ + + + + + A helper function for load the messagepack dataset + + + + + + +
+ + + + + + +
load.msgpack {base}R Documentation
+ +

A helper function for load the messagepack dataset

+ +

Description

+ + + +

Usage

+ +
+
load.msgpack(file, typeof);
+
+ +

Arguments

+ + + +
file
+

-

+ + +
[typeof]
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package base version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/base/parseTtl.html b/vignettes/base/base/parseTtl.html new file mode 100644 index 0000000..290a490 --- /dev/null +++ b/vignettes/base/base/parseTtl.html @@ -0,0 +1,72 @@ + + + + + parse the RDF Turtle document + + + + + + +
+ + + + + + +
parseTtl {base}R Documentation
+ +

parse the RDF Turtle document

+ +

Description

+ + + +

Usage

+ +
+
parseTtl(file,
+    lazy = TRUE);
+
+ +

Arguments

+ + + +
file
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Triple.

clr value class

+ +

Examples

+ + + +
+
[Package base version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/buffer.html b/vignettes/base/buffer.html new file mode 100644 index 0000000..7d7648f --- /dev/null +++ b/vignettes/base/buffer.html @@ -0,0 +1,130 @@ + + + + + + + buffer + + + + + + + + + + + + + + + + + + + + + + + +
{buffer}R# Documentation
+

buffer

+
+

+ + require(R); +

#' binary data buffer modules
imports "buffer" from "base"; +
+

+

binary data buffer modules

+
+

+

binary data buffer modules

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ packBuffer +

cast a numeric vector as bytes data in network byte order

+ float +

apply bit convert of the bytes stream data as floats numbers

+ integer +

apply bit convert of the bytes stream data as integer numbers

+ zlib_stream +

zip compression of stream data

+ zlib.decompress +

zlib decompression of the raw data buffer

+ gzip.decompress +
+ string +

char to string or raw bytes to string

+ escapeString +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/base/buffer/escapeString.html b/vignettes/base/buffer/escapeString.html new file mode 100644 index 0000000..2b995d6 --- /dev/null +++ b/vignettes/base/buffer/escapeString.html @@ -0,0 +1,64 @@ + + + + + escapeString + + + + + + +
+ + + + + + +
escapeString {buffer}R Documentation
+ +

escapeString

+ +

Description

+ + escapeString + +

Usage

+ +
+
escapeString(str);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package buffer version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
float(stream,
+    networkOrder = FALSE,
+    sizeOf = 32);
+
+ +

Arguments

+ + + +
stream
+

-

+ + +
networkOrder
+

-

+ + +
sizeOf
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

  • double
+ +

Examples

+ +
 # load numeric vector from a base64 encoded string
+ let raw = base64_decode("the base64 text", wrap = FALSE);
+ let vec = buffer::float(raw, networkOrder = TRUE, sizeOf = 64);
+ 
+ print(vec);
+ +
+
[Package buffer version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/buffer/gzip.decompress.html b/vignettes/base/buffer/gzip.decompress.html new file mode 100644 index 0000000..3f05e65 --- /dev/null +++ b/vignettes/base/buffer/gzip.decompress.html @@ -0,0 +1,64 @@ + + + + + gzip.decompress + + + + + + +
+ + + + + + +
gzip.decompress {buffer}R Documentation
+ +

gzip.decompress

+ +

Description

+ + gzip.decompress + +

Usage

+ +
+
gzip.decompress(stream);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package buffer version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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

+ +

Description

+ + + +

Usage

+ +
+
integer(stream,
+    networkOrder = FALSE,
+    sizeOf = 32);
+
+ +

Arguments

+ + + +
stream
+

-

+ + +
networkOrder
+

-

+ + +
sizeOf
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type integer.

clr value class

  • integer
+ +

Examples

+ + + +
+
[Package buffer version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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[].

clr value class

+ +

Examples

+ + + +
+
[Package buffer version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/buffer/string.html b/vignettes/base/buffer/string.html new file mode 100644 index 0000000..5fa4b4d --- /dev/null +++ b/vignettes/base/buffer/string.html @@ -0,0 +1,72 @@ + + + + + char to string or raw bytes to string + + + + + + +
+ + + + + + +
string {buffer}R Documentation
+ +

char to string or raw bytes to string

+ +

Description

+ + + +

Usage

+ +
+
string(raw,
+    encoding = UTF8);
+
+ +

Arguments

+ + + +
raw
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package buffer version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/buffer/zlib.decompress.html b/vignettes/base/buffer/zlib.decompress.html new file mode 100644 index 0000000..03157b8 --- /dev/null +++ b/vignettes/base/buffer/zlib.decompress.html @@ -0,0 +1,71 @@ + + + + + zlib decompression of the raw data buffer + + + + + + +
+ + + + + + +
zlib.decompress {buffer}R Documentation
+ +

zlib decompression of the raw data buffer

+ +

Description

+ + + +

Usage

+ +
+
zlib.decompress(stream);
+
+ +

Arguments

+ + + +
stream
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Byte.

clr value class

+ +

Examples

+ + + +
+
[Package buffer version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/buffer/zlib_stream.html b/vignettes/base/buffer/zlib_stream.html new file mode 100644 index 0000000..00d4bc3 --- /dev/null +++ b/vignettes/base/buffer/zlib_stream.html @@ -0,0 +1,71 @@ + + + + + zip compression of stream data + + + + + + +
+ + + + + + +
zlib_stream {buffer}R Documentation
+ +

zip compression of stream data

+ +

Description

+ + + +

Usage

+ +
+
zlib_stream(stream);
+
+ +

Arguments

+ + + +
stream
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package buffer version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/console.html b/vignettes/base/console.html new file mode 100644 index 0000000..2e9c36e --- /dev/null +++ b/vignettes/base/console.html @@ -0,0 +1,124 @@ + + + + + + + console + + + + + + + + + + + + + + + + + + + + + + + +
{console}R# Documentation
+

console

+
+

+ + require(R); +

#' R# console utilities
imports "console" from "base"; +
+

+

R# console utilities

+
+

+

R# console utilities

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ log +

Writes the specified string value to the standard output stream.

+ password +

Input password on console. only works on windows

+ progressbar +
+ progressbar.pin.top +

Pin the top of progress bar

+ progressbar.pin.clear +
+ fore.color +
+ back.color +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/base/console/back.color.html b/vignettes/base/console/back.color.html new file mode 100644 index 0000000..a1eb682 --- /dev/null +++ b/vignettes/base/console/back.color.html @@ -0,0 +1,65 @@ + + + + + back.color + + + + + + +
+ + + + + + +
back.color {console}R Documentation
+ +

back.color

+ +

Description

+ + back.color + +

Usage

+ +
+
back.color(
+    color = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package console version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/console/fore.color.html b/vignettes/base/console/fore.color.html new file mode 100644 index 0000000..8189ed2 --- /dev/null +++ b/vignettes/base/console/fore.color.html @@ -0,0 +1,65 @@ + + + + + fore.color + + + + + + +
+ + + + + + +
fore.color {console}R Documentation
+ +

fore.color

+ +

Description

+ + fore.color + +

Usage

+ +
+
fore.color(
+    color = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package console version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

+ +

Description

+ + + +

Usage

+ +
+
log(message,
+    fore.color = NULL,
+    back.color = NULL);
+
+ +

Arguments

+ + + +
message
+

The message text value to write.

+ + +
fore.color
+

sets the foreground color of the console.

+ + +
back.color
+

sets the background color of the console.

+ +
+ + +

Details

+ + + + +

Value

+ +

The message text value

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package console version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package console version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/console/progressbar.html b/vignettes/base/console/progressbar.html new file mode 100644 index 0000000..fc881b5 --- /dev/null +++ b/vignettes/base/console/progressbar.html @@ -0,0 +1,67 @@ + + + + + progressbar + + + + + + +
+ + + + + + +
progressbar {console}R Documentation
+ +

progressbar

+ +

Description

+ + progressbar + +

Usage

+ +
+
progressbar(title,
+    Y = -1,
+    CLS = FALSE,
+    theme = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ProgressBar.

clr value class

+ +

Examples

+ + + +
+
[Package console version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/console/progressbar.pin.clear.html b/vignettes/base/console/progressbar.pin.clear.html new file mode 100644 index 0000000..da2906f --- /dev/null +++ b/vignettes/base/console/progressbar.pin.clear.html @@ -0,0 +1,64 @@ + + + + + progressbar.pin.clear + + + + + + +
+ + + + + + +
progressbar.pin.clear {console}R Documentation
+ +

progressbar.pin.clear

+ +

Description

+ + progressbar.pin.clear + +

Usage

+ +
+
progressbar.pin.clear();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package console version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • integer
+ +

Examples

+ + + +
+
[Package console version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/dataframe/as.objects.html b/vignettes/base/dataframe/as.objects.html new file mode 100644 index 0000000..219c29d --- /dev/null +++ b/vignettes/base/dataframe/as.objects.html @@ -0,0 +1,85 @@ + + + + + Load .NET objects from a given dataframe data object. + + + + + + +
+ + + + + + +
as.objects {dataframe}R Documentation
+ +

Load .NET objects from a given dataframe data object.

+ +

Description

+ + + +

Usage

+ +
+
as.objects(data, type,
+    strict = FALSE,
+    metaBlank = "",
+    silent = TRUE);
+
+ +

Arguments

+ + + +
data
+

-

+ + +
type
+

the object type value, and it should be one of the:

+ +
    +
  1. class name from the @T:SMRUCC.Rsharp.Runtime.Interop.RTypeExportAttribute
  2. +
  3. .NET CLR @T:System.Type value
  4. +
  5. R-sharp @T:SMRUCC.Rsharp.Runtime.Interop.RType value
  6. +
  7. R-sharp primitive @T:SMRUCC.Rsharp.Runtime.Components.TypeCodes value
  8. +

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type vector.

clr value class

+ +

Examples

+ + + +
+
[Package dataframe version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

+

+
+
+ + + + + + + + + +
+ fromJSON +

Convert R objects to/from JSON

+ +

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).

+ toJSON +

Convert R objects to/from JSON

+ +

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).

+
+
+
[Document Index]
+ + \ 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).

+ +

Usage

+ +
+
fromJSON(txt,
+    simplifyVector = TRUE,
+    simplifyDataFrame = TRUE,
+    simplifyMatrix = TRUE,
+    flatten = FALSE,
+    ... = NULL);
+
+ +

Arguments

+ + + +
txt
+

a JSON string, URL or file

+ + +
simplifyVector
+

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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package jsonlite version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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).

+ +

Usage

+ +
+
toJSON(x,
+    dataframe = ["rows","columns","values"],
+    matrix = ["rowmajor","columnmajor"],
+    Date = ["ISO8601","epoch"],
+    POSIXt = ["string","ISO8601","epoch","mongo"],
+    factor = ["string","integer"],
+    complex = ["string","list"],
+    raw = ["base64","hex","mongo","int","js"],
+    null = ["list","null"],
+    na = ["null","string"],
+    auto.unbox = FALSE,
+    digits = 4,
+    pretty = FALSE,
+    force = FALSE,
+    args = NULL);
+
+ +

Arguments

+ + + +
x
+

the object to be encoded

+ + +
dataframe
+

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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package jsonlite version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/netCDF.utils.html b/vignettes/base/netCDF.utils.html new file mode 100644 index 0000000..b4656c6 --- /dev/null +++ b/vignettes/base/netCDF.utils.html @@ -0,0 +1,130 @@ + + + + + + + netCDF.utils + + + + + + + + + + + + + + + + + + + + + + + +
{netCDF.utils}R# Documentation
+

netCDF.utils

+
+

+ + require(R); +

#' netCDF toolkit
imports "netCDF.utils" from "base"; +
+

+

netCDF toolkit

+
+

+

netCDF toolkit

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ open.netCDF +

open a netCDF data file

+ dimensions +
+ globalAttributes +
+ variables +
+ attr +

get attribute data of a cdf variable

+ var +
+ getValue +

get value from variable

+ dataframe +

read multiple variable symbols in the given cdf file and then create as dataframe object

+
+
+
[Document Index]
+ + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package netCDF.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package netCDF.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/netCDF.utils/dimensions.html b/vignettes/base/netCDF.utils/dimensions.html new file mode 100644 index 0000000..b6d32d2 --- /dev/null +++ b/vignettes/base/netCDF.utils/dimensions.html @@ -0,0 +1,64 @@ + + + + + dimensions + + + + + + +
+ + + + + + +
dimensions {netCDF.utils}R Documentation
+ +

dimensions

+ +

Description

+ + dimensions + +

Usage

+ +
+
dimensions(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package netCDF.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/netCDF.utils/getValue.html b/vignettes/base/netCDF.utils/getValue.html new file mode 100644 index 0000000..ad87d17 --- /dev/null +++ b/vignettes/base/netCDF.utils/getValue.html @@ -0,0 +1,67 @@ + + + + + get value from variable + + + + + + +
+ + + + + + +
getValue {netCDF.utils}R Documentation
+ +

get value from variable

+ +

Description

+ + + +

Usage

+ +
+
getValue(var);
+
+ +

Arguments

+ + + +
var
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package netCDF.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/netCDF.utils/globalAttributes.html b/vignettes/base/netCDF.utils/globalAttributes.html new file mode 100644 index 0000000..6dbb72c --- /dev/null +++ b/vignettes/base/netCDF.utils/globalAttributes.html @@ -0,0 +1,65 @@ + + + + + globalAttributes + + + + + + +
+ + + + + + +
globalAttributes {netCDF.utils}R Documentation
+ +

globalAttributes

+ +

Description

+ + globalAttributes + +

Usage

+ +
+
globalAttributes(file,
+    list = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package netCDF.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/netCDF.utils/open.netCDF.html b/vignettes/base/netCDF.utils/open.netCDF.html new file mode 100644 index 0000000..b5005b6 --- /dev/null +++ b/vignettes/base/netCDF.utils/open.netCDF.html @@ -0,0 +1,71 @@ + + + + + open a netCDF data file + + + + + + +
+ + + + + + +
open.netCDF {netCDF.utils}R Documentation
+ +

open a netCDF data file

+ +

Description

+ + + +

Usage

+ +
+
open.netCDF(file);
+
+ +

Arguments

+ + + +
file
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type netCDFReader.

clr value class

+ +

Examples

+ + + +
+
[Package netCDF.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/netCDF.utils/var.html b/vignettes/base/netCDF.utils/var.html new file mode 100644 index 0000000..d43c464 --- /dev/null +++ b/vignettes/base/netCDF.utils/var.html @@ -0,0 +1,64 @@ + + + + + var + + + + + + +
+ + + + + + +
var {netCDF.utils}R Documentation
+ +

var

+ +

Description

+ + var + +

Usage

+ +
+
var(file, name);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package netCDF.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/netCDF.utils/variables.html b/vignettes/base/netCDF.utils/variables.html new file mode 100644 index 0000000..f340488 --- /dev/null +++ b/vignettes/base/netCDF.utils/variables.html @@ -0,0 +1,64 @@ + + + + + variables + + + + + + +
+ + + + + + +
variables {netCDF.utils}R Documentation
+ +

variables

+ +

Description

+ + variables + +

Usage

+ +
+
variables(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package netCDF.utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ levenshtein +

Compute the edit distance between two strings is defined as the
+ minimum number of edit operations required to transform one string
+ into another.

+ fromXML +

parse XML text data into R object

+ decode.R_unicode +

processing a unicode char like <U+767D>

+ decode.R_rawstring +

processing a unicode char like <aa>

+ asciiString +

replace all non-ASCII character as the given char.

+ shortest_common_superstring +
+ multiple_text_alignment +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/base/stringr/asciiString.html b/vignettes/base/stringr/asciiString.html new file mode 100644 index 0000000..d744b4c Binary files /dev/null and b/vignettes/base/stringr/asciiString.html differ diff --git a/vignettes/base/stringr/decode.R_rawstring.html b/vignettes/base/stringr/decode.R_rawstring.html new file mode 100644 index 0000000..b972cc6 --- /dev/null +++ b/vignettes/base/stringr/decode.R_rawstring.html @@ -0,0 +1,76 @@ + + + + + processing a unicode char like ``<aa>`` + + + + + + +
+ + + + + + +
decode.R_rawstring {stringr}R Documentation
+ +

processing a unicode char like ````

+ +

Description

+ + + +

Usage

+ +
+
decode.R_rawstring(input,
+    encoding = Unicode);
+
+ +

Arguments

+ + + +
input
+

-

+ + +
encoding
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package stringr version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/stringr/decode.R_unicode.html b/vignettes/base/stringr/decode.R_unicode.html new file mode 100644 index 0000000..fbea991 --- /dev/null +++ b/vignettes/base/stringr/decode.R_unicode.html @@ -0,0 +1,71 @@ + + + + + processing a unicode char like ``<U+767D>`` + + + + + + +
+ + + + + + +
decode.R_unicode {stringr}R Documentation
+ +

processing a unicode char like ````

+ +

Description

+ + + +

Usage

+ +
+
decode.R_unicode(input);
+
+ +

Arguments

+ + + +
input
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package stringr version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package stringr version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package stringr version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/stringr/multiple_text_alignment.html b/vignettes/base/stringr/multiple_text_alignment.html new file mode 100644 index 0000000..04e72e1 --- /dev/null +++ b/vignettes/base/stringr/multiple_text_alignment.html @@ -0,0 +1,64 @@ + + + + + multiple_text_alignment + + + + + + +
+ + + + + + +
multiple_text_alignment {stringr}R Documentation
+ +

multiple_text_alignment

+ +

Description

+ + multiple_text_alignment + +

Usage

+ +
+
multiple_text_alignment(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type list. the list data also has some specificied data fields: list(cost, alignments, motif, score).

clr value class

  • list
+ +

Examples

+ + + +
+
[Package stringr version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/stringr/shortest_common_superstring.html b/vignettes/base/stringr/shortest_common_superstring.html new file mode 100644 index 0000000..691011c --- /dev/null +++ b/vignettes/base/stringr/shortest_common_superstring.html @@ -0,0 +1,64 @@ + + + + + shortest_common_superstring + + + + + + +
+ + + + + + +
shortest_common_superstring {stringr}R Documentation
+ +

shortest_common_superstring

+ +

Description

+ + shortest_common_superstring + +

Usage

+ +
+
shortest_common_superstring(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package stringr version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/base/utils/load.csv.html b/vignettes/base/utils/load.csv.html new file mode 100644 index 0000000..557ec33 --- /dev/null +++ b/vignettes/base/utils/load.csv.html @@ -0,0 +1,84 @@ + + + + + load csv as a .NET CLR object vector + + + + + + +
+ + + + + + +
load.csv {utils}R Documentation
+ +

load csv as a .NET CLR object vector

+ +

Description

+ + + +

Usage

+ +
+
load.csv(file, type,
+    encoding = "unknown",
+    tsv = FALSE);
+
+ +

Arguments

+ + + +
file
+

-

+ + +
type
+

the object type value, and it should be one of the:

+ +
    +
  1. class name from the @T:SMRUCC.Rsharp.Runtime.Interop.RTypeExportAttribute
  2. +
  3. .NET CLR @T:System.Type value
  4. +
  5. R-sharp @T:SMRUCC.Rsharp.Runtime.Interop.RType value
  6. +
  7. R-sharp primitive @T:SMRUCC.Rsharp.Runtime.Components.TypeCodes value
  8. +

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package utils version 6.0.0.3654 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/MLkit/CNNFunction.html b/vignettes/clr/MLkit/CNNFunction.html new file mode 100644 index 0000000..c7dcb7b --- /dev/null +++ b/vignettes/clr/MLkit/CNNFunction.html @@ -0,0 +1,48 @@ + + + + + MLkit.CNNFunction + + + + + + +
+ + + + + + +
CNNFunction {MLkit}.NET clr documentation
+ +

CNNFunction

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace MLkit
+export class CNNFunction {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/MLkit/CNNLayerArguments.html b/vignettes/clr/MLkit/CNNLayerArguments.html new file mode 100644 index 0000000..683c470 --- /dev/null +++ b/vignettes/clr/MLkit/CNNLayerArguments.html @@ -0,0 +1,50 @@ + + + + + MLkit.CNNLayerArguments + + + + + + +
+ + + + + + +
CNNLayerArguments {MLkit}.NET clr documentation
+ +

CNNLayerArguments

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace MLkit
+export class CNNLayerArguments {
+   type: string;
+   args: list;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/MLkit/GeneralChromosome.html b/vignettes/clr/MLkit/GeneralChromosome.html new file mode 100644 index 0000000..b5a4dd0 --- /dev/null +++ b/vignettes/clr/MLkit/GeneralChromosome.html @@ -0,0 +1,50 @@ + + + + + MLkit.GeneralChromosome + + + + + + +
+ + + + + + +
GeneralChromosome {MLkit}.NET clr documentation
+ +

GeneralChromosome

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace MLkit
+export class GeneralChromosome {
+   MutationRate: double;
+   UniqueHashKey: string;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/MLkit/ROC.html b/vignettes/clr/MLkit/ROC.html new file mode 100644 index 0000000..346a0cf --- /dev/null +++ b/vignettes/clr/MLkit/ROC.html @@ -0,0 +1,66 @@ + + + + + MLkit.ROC + + + + + + +
+ + + + + + +
ROC {MLkit}.NET clr documentation
+ +

ROC

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace MLkit
+export class ROC {
+   threshold: double;
+   specificity: double;
+   # TPR
+   sensibility: double;
+   accuracy: double;
+   precision: double;
+   BER: double;
+   FPR: double;
+   NPV: double;
+   F1Score: double;
+   F2Score: double;
+   All: integer;
+   TP: integer;
+   FP: integer;
+   TN: integer;
+   FN: integer;
+   AUC: double;
+   length: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/MLkit/UnionMatrix.html b/vignettes/clr/MLkit/UnionMatrix.html new file mode 100644 index 0000000..b16d0ac --- /dev/null +++ b/vignettes/clr/MLkit/UnionMatrix.html @@ -0,0 +1,48 @@ + + + + + MLkit.UnionMatrix + + + + + + +
+ + + + + + +
UnionMatrix {MLkit}.NET clr documentation
+ +

UnionMatrix

+ +

Description

+ + A matrix for the sparse numeric (@``T:System.Double``) data. + +

Declare

+ +
+            
+# namespace MLkit
+export class UnionMatrix {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/MLkit/dbscanResult.html b/vignettes/clr/MLkit/dbscanResult.html new file mode 100644 index 0000000..0e29545 --- /dev/null +++ b/vignettes/clr/MLkit/dbscanResult.html @@ -0,0 +1,55 @@ + + + + + MLkit.dbscanResult + + + + + + +
+ + + + + + +
dbscanResult {MLkit}.NET clr documentation
+ +

dbscanResult

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace MLkit
+export class dbscanResult {
+   cluster: EntityClusterModel[];
+   isseed: string;
+   eps: double;
+   MinPts: integer;
+   # keeps the original order of the input dataset
+   dataLabels: string;
+   classLabels: string;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/MLkit/tSNEDataSet.html b/vignettes/clr/MLkit/tSNEDataSet.html new file mode 100644 index 0000000..ece9dc0 --- /dev/null +++ b/vignettes/clr/MLkit/tSNEDataSet.html @@ -0,0 +1,49 @@ + + + + + MLkit.tSNEDataSet + + + + + + +
+ + + + + + +
tSNEDataSet {MLkit}.NET clr documentation
+ +

tSNEDataSet

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace MLkit
+export class tSNEDataSet {
+   dimension: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Debugging/Logging/LogEntry.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Debugging/Logging/LogEntry.html new file mode 100644 index 0000000..b756379 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Debugging/Logging/LogEntry.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Debugging.Logging.LogEntry + + + + + + +
+ + + + + + +
LogEntry {Microsoft.VisualBasic.ApplicationServices.Debugging.Logging}.NET clr documentation
+ +

LogEntry

+ +

Description

+ + 一条记录日志对象 + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Debugging.Logging
+export class LogEntry {
+   message: string;
+   object: string;
+   level: MSG_TYPES;
+   time: DateTime;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/AssemblyInfo.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/AssemblyInfo.html new file mode 100644 index 0000000..d6fc677 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/AssemblyInfo.html @@ -0,0 +1,65 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Development.AssemblyInfo + + + + + + +
+ + + + + + +
AssemblyInfo {Microsoft.VisualBasic.ApplicationServices.Development}.NET clr documentation
+ +

AssemblyInfo

+ +

Description

+ + ``My Project\AssemblyInfo.vb`` + +

Declare

+ +
+            
+# 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/CodeSign/CodeStatics.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/CodeSign/CodeStatics.html new file mode 100644 index 0000000..269ea06 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/CodeSign/CodeStatics.html @@ -0,0 +1,58 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.CodeSign.CodeStatics + + + + + + +
+ + + + + + +
CodeStatics {Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.CodeSign}.NET clr documentation
+ +

CodeStatics

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.CodeSign
+export class CodeStatics {
+   totalLines: integer;
+   commentLines: integer;
+   blankLines: integer;
+   size: double;
+   lineOfCodes: integer;
+   classes: integer;
+   method: integer;
+   operator: integer;
+   function: integer;
+   properties: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/CodeSign/LicenseInfo.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/CodeSign/LicenseInfo.html new file mode 100644 index 0000000..1a392ce --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/CodeSign/LicenseInfo.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.CodeSign.LicenseInfo + + + + + + +
+ + + + + + +
LicenseInfo {Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.CodeSign}.NET clr documentation
+ +

LicenseInfo

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.CodeSign
+export class LicenseInfo {
+   Authors: NamedValue[];
+   Title: string;
+   Copyright: string;
+   Brief: string;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/IL/ILInstruction.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/IL/ILInstruction.html new file mode 100644 index 0000000..59244d0 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/IL/ILInstruction.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.IL.ILInstruction + + + + + + +
+ + + + + + +
ILInstruction {Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.IL}.NET clr documentation
+ +

ILInstruction

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.IL
+export class ILInstruction {
+   Code: OpCode;
+   Operand: any kind;
+   OperandData: Byte[];
+   Offset: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/SourceMap/mappingLine.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/SourceMap/mappingLine.html new file mode 100644 index 0000000..265a9c6 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/SourceMap/mappingLine.html @@ -0,0 +1,58 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.SourceMap.mappingLine + + + + + + +
+ + + + + + +
mappingLine {Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.SourceMap}.NET clr documentation
+ +

mappingLine

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.SourceMap
+export class mappingLine {
+   # 第一位,表示这个位置在(转换后的代码的)的第几列。
+   targetCol: integer;
+   # 第二位,表示这个位置属于sources属性中的哪一个文件。
+   fileIndex: integer;
+   # 第三位,表示这个位置属于转换前代码的第几行。
+   sourceLine: integer;
+   # 第四位,表示这个位置属于转换前代码的第几列。
+   sourceCol: integer;
+   # 第五位,表示这个位置属于names属性中的哪一个变量。
+   nameIndex: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/SourceMap/sourceMap.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/SourceMap/sourceMap.html new file mode 100644 index 0000000..799cbf0 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/SourceMap/sourceMap.html @@ -0,0 +1,56 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.SourceMap.sourceMap + + + + + + +
+ + + + + + +
sourceMap {Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.SourceMap}.NET clr documentation
+ +

sourceMap

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.SourceMap
+export class sourceMap {
+   version: integer;
+   file: string;
+   sourceRoot: string;
+   # the source file path
+   sources: string;
+   # the symbol names
+   names: string;
+   mappings: string;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/log.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/log.html new file mode 100644 index 0000000..a7c03be --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/log.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.log + + + + + + +
+ + + + + + +
log {Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio}.NET clr documentation
+ +

log

+ +

Description

+ + svn log or git log + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio
+export class log {
+   commit: string;
+   author: string;
+   date: DateTime;
+   message: string;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/vbproj/Xml/Project.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/vbproj/Xml/Project.html new file mode 100644 index 0000000..b2cb705 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Development/VisualStudio/vbproj/Xml/Project.html @@ -0,0 +1,57 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.vbproj.Xml.Project + + + + + + +
+ + + + + + +
Project {Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.vbproj.Xml}.NET clr documentation
+ +

Project

+ +

Description

+ + Visual Studio project XML file + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Development.VisualStudio.vbproj.Xml
+export class Project {
+   ToolsVersion: string;
+   Sdk: string;
+   DefaultTargets: string;
+   Imports: Import[];
+   PropertyGroups: PropertyGroup[];
+   ItemGroups: ItemGroup[];
+   Targets: Target[];
+   IsDotNetCoreSDK: boolean;
+   MimeType: ContentType[];
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Terminal/ProgressBar/ProgressBar.html b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Terminal/ProgressBar/ProgressBar.html new file mode 100644 index 0000000..98ed96b --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ApplicationServices/Terminal/ProgressBar/ProgressBar.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.ApplicationServices.Terminal.ProgressBar.ProgressBar + + + + + + +
+ + + + + + +
ProgressBar {Microsoft.VisualBasic.ApplicationServices.Terminal.ProgressBar}.NET clr documentation
+ +

ProgressBar

+ +

Description

+ + Progress bar for the @``T:System.Console`` Screen. + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ApplicationServices.Terminal.ProgressBar
+export class ProgressBar {
+   # 获取当前实例测量得出的总运行时间(以毫秒为单位)。
+   ElapsedMilliseconds: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ComponentModel/Algorithm/BlockSearchFunction`1[[System/Object, System/Private/CoreLib, Version=6/0/0/0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e]].html b/vignettes/clr/Microsoft/VisualBasic/ComponentModel/Algorithm/BlockSearchFunction`1[[System/Object, System/Private/CoreLib, Version=6/0/0/0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e]].html new file mode 100644 index 0000000..b12f3a7 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ComponentModel/Algorithm/BlockSearchFunction`1[[System/Object, System/Private/CoreLib, Version=6/0/0/0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e]].html @@ -0,0 +1,51 @@ + + + + + Microsoft.VisualBasic.ComponentModel.Algorithm.BlockSearchFunction`1[[System.Object, System.Private.CoreLib, Version=6.0.0.0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e]] + + + + + + +
+ + + + + + +
BlockSearchFunction`1 {Microsoft.VisualBasic.ComponentModel.Algorithm}.NET clr documentation
+ +

BlockSearchFunction`1

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ComponentModel.Algorithm
+export class BlockSearchFunction`1 {
+   size: integer;
+   raw: Object[];
+   Keys: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/ComponentModel/Algorithm/DynamicProgramming/Levenshtein/DistResult.html b/vignettes/clr/Microsoft/VisualBasic/ComponentModel/Algorithm/DynamicProgramming/Levenshtein/DistResult.html new file mode 100644 index 0000000..ec3c4d5 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/ComponentModel/Algorithm/DynamicProgramming/Levenshtein/DistResult.html @@ -0,0 +1,62 @@ + + + + + Microsoft.VisualBasic.ComponentModel.Algorithm.DynamicProgramming.Levenshtein.DistResult + + + + + + +
+ + + + + + +
DistResult {Microsoft.VisualBasic.ComponentModel.Algorithm.DynamicProgramming.Levenshtein}.NET clr documentation
+ +

DistResult

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.ComponentModel.Algorithm.DynamicProgramming.Levenshtein
+export class DistResult {
+   Reference: string;
+   Hypotheses: string;
+   DistTable: ArrayRow[];
+   # How doest the @``P:Microsoft.VisualBasic.ComponentModel.Algorithm.DynamicProgramming.Levenshtein.DistResult.Hypotheses`` evolve from @``P:Microsoft.VisualBasic.ComponentModel.Algorithm.DynamicProgramming.Levenshtein.DistResult.Reference``.(这个结果描述了subject是如何变化成为Query的)
+   DistEdits: string;
+   Path: Coordinate[];
+   Matches: string;
+   Distance: double;
+   # 可以简单地使用这个数值来表述所比较的两个对象之间的相似度
+   Score: double;
+   # ``m+`` scores.(0-1之间)
+   MatchSimilarity: double;
+   # 比对上的对象的数目
+   NumMatches: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/Graphic/Legend/LegendObject.html b/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/Graphic/Legend/LegendObject.html new file mode 100644 index 0000000..2727b17 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/Graphic/Legend/LegendObject.html @@ -0,0 +1,56 @@ + + + + + Microsoft.VisualBasic.Data.ChartPlots.Graphic.Legend.LegendObject + + + + + + +
+ + + + + + +
LegendObject {Microsoft.VisualBasic.Data.ChartPlots.Graphic.Legend}.NET clr documentation
+ +

LegendObject

+ +

Description

+ + 图例 + +

Declare

+ +
+            
+# 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/Plot3D/Serial3D.html b/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/Plot3D/Serial3D.html new file mode 100644 index 0000000..9988342 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/Plot3D/Serial3D.html @@ -0,0 +1,54 @@ + + + + + Microsoft.VisualBasic.Data.ChartPlots.Plot3D.Serial3D + + + + + + +
+ + + + + + +
Serial3D {Microsoft.VisualBasic.Data.ChartPlots.Plot3D}.NET clr documentation
+ +

Serial3D

+ +

Description

+ + Scatter serial data in 3D + +

Declare

+ +
+            
+# 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/SerialData.html b/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/SerialData.html new file mode 100644 index 0000000..f824b5c --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/ChartPlots/SerialData.html @@ -0,0 +1,51 @@ + + + + + Microsoft.VisualBasic.Data.ChartPlots.SerialData + + + + + + +
+ + + + + + +
SerialData {Microsoft.VisualBasic.Data.ChartPlots}.NET clr documentation
+ +

SerialData

+ +

Description

+ + 一条曲线的绘图数据模型 + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.ChartPlots
+export class SerialData {
+   title: string;
+   # 对一系列特定的数据点的注释数据
+   DataAnnotations: Annotation[];
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/GraphQuery/Query.html b/vignettes/clr/Microsoft/VisualBasic/Data/GraphQuery/Query.html new file mode 100644 index 0000000..1ea8b71 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/GraphQuery/Query.html @@ -0,0 +1,55 @@ + + + + + Microsoft.VisualBasic.Data.GraphQuery.Query + + + + + + +
+ + + + + + +
Query {Microsoft.VisualBasic.Data.GraphQuery}.NET clr documentation
+ +

Query

+ +

Description

+ + the object model of a query + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.GraphQuery
+export class Query {
+   # the query name
+   name: string;
+   parser: Parser;
+   isArray: boolean;
+   members: Query[];
+   # in form like ``["a","b","c",...]``
+   isTextArray: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/GraphTheory/Analysis/Dijkstra/DijkstraRouter.html b/vignettes/clr/Microsoft/VisualBasic/Data/GraphTheory/Analysis/Dijkstra/DijkstraRouter.html new file mode 100644 index 0000000..748a445 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/GraphTheory/Analysis/Dijkstra/DijkstraRouter.html @@ -0,0 +1,55 @@ + + + + + Microsoft.VisualBasic.Data.GraphTheory.Analysis.Dijkstra.DijkstraRouter + + + + + + +
+ + + + + + +
DijkstraRouter {Microsoft.VisualBasic.Data.GraphTheory.Analysis.Dijkstra}.NET clr documentation
+ +

DijkstraRouter

+ +

Description

+ + ## Dijkstra:Shortest Route Calculation - Object Oriented + + > Michael Demeersseman, 4 Jan 2008 + > http://www.codeproject.com/Articles/22647/Dijkstra-Shortest-Route-Calculation-Object-Oriente + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.GraphTheory.Analysis.Dijkstra
+export class DijkstraRouter {
+   # 存在方向的
+   links: VertexEdge[];
+   points: Vertex[];
+   undirectedGraph: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/GraphTheory/SequenceGraphTransform.html b/vignettes/clr/Microsoft/VisualBasic/Data/GraphTheory/SequenceGraphTransform.html new file mode 100644 index 0000000..1a53591 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/GraphTheory/SequenceGraphTransform.html @@ -0,0 +1,58 @@ + + + + + Microsoft.VisualBasic.Data.GraphTheory.SequenceGraphTransform + + + + + + +
+ + + + + + +
SequenceGraphTransform {Microsoft.VisualBasic.Data.GraphTheory}.NET clr documentation
+ +

SequenceGraphTransform

+ +

Description

+ + 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/IO/ManagedSqlite/Core/Sqlite3Database.html b/vignettes/clr/Microsoft/VisualBasic/Data/IO/ManagedSqlite/Core/Sqlite3Database.html new file mode 100644 index 0000000..30608cc --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/IO/ManagedSqlite/Core/Sqlite3Database.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.Data.IO.ManagedSqlite.Core.Sqlite3Database + + + + + + +
+ + + + + + +
Sqlite3Database {Microsoft.VisualBasic.Data.IO.ManagedSqlite.Core}.NET clr documentation
+ +

Sqlite3Database

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.IO.ManagedSqlite.Core
+export class Sqlite3Database {
+   Header: DatabaseHeader;
+   GetTables: IEnumerable`1;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/NLP/Article.html b/vignettes/clr/Microsoft/VisualBasic/Data/NLP/Article.html new file mode 100644 index 0000000..8e3d750 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/NLP/Article.html @@ -0,0 +1,56 @@ + + + + + Microsoft.VisualBasic.Data.NLP.Article + + + + + + +
+ + + + + + +
Article {Microsoft.VisualBasic.Data.NLP}.NET clr documentation
+ +

Article

+ +

Description

+ + 文章正文数据模型 + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.NLP
+export class Article {
+   # 文章标题
+   title: string;
+   # 正文文本
+   content: string;
+   # 带标签正文
+   contentWithTags: string;
+   # 文章发布时间
+   publishDate: DateTime;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/NLP/Model/Paragraph.html b/vignettes/clr/Microsoft/VisualBasic/Data/NLP/Model/Paragraph.html new file mode 100644 index 0000000..9181565 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/NLP/Model/Paragraph.html @@ -0,0 +1,49 @@ + + + + + Microsoft.VisualBasic.Data.NLP.Model.Paragraph + + + + + + +
+ + + + + + +
Paragraph {Microsoft.VisualBasic.Data.NLP.Model}.NET clr documentation
+ +

Paragraph

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.NLP.Model
+export class Paragraph {
+   sentences: Sentence[];
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/csv/IO/DataSet.html b/vignettes/clr/Microsoft/VisualBasic/Data/csv/IO/DataSet.html new file mode 100644 index 0000000..dbbabd4 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/csv/IO/DataSet.html @@ -0,0 +1,54 @@ + + + + + Microsoft.VisualBasic.Data.csv.IO.DataSet + + + + + + +
+ + + + + + +
DataSet {Microsoft.VisualBasic.Data.csv.IO}.NET clr documentation
+ +

DataSet

+ +

Description

+ + The numeric dataset, @``T:Microsoft.VisualBasic.ComponentModel.DataSourceModel.DynamicPropertyBase`1``, @``T:System.Double``. + (数值类型的数据集合,每一个数据实体对象都有自己的编号以及数据属性) + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.csv.IO
+export class DataSet {
+   # 当前的这条数据记录在整个数据集之中的唯一标记符
+   ID: string;
+   # equivalent to @``P:Microsoft.VisualBasic.ComponentModel.DataSourceModel.DynamicPropertyBase`1.Properties``.Values.ToArray
+   Vector: double;
+   Properties: list;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/FileStream/MetaData.html b/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/FileStream/MetaData.html new file mode 100644 index 0000000..24933dd --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/FileStream/MetaData.html @@ -0,0 +1,55 @@ + + + + + Microsoft.VisualBasic.Data.visualize.Network.FileStream.MetaData + + + + + + +
+ + + + + + +
MetaData {Microsoft.VisualBasic.Data.visualize.Network.FileStream}.NET clr documentation
+ +

MetaData

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.visualize.Network.FileStream
+export class MetaData {
+   creators: string;
+   description: string;
+   title: string;
+   create_time: string;
+   links: string;
+   keywords: string;
+   additionals: list;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/Edge.html b/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/Edge.html new file mode 100644 index 0000000..c11e74b --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/Edge.html @@ -0,0 +1,55 @@ + + + + + Microsoft.VisualBasic.Data.visualize.Network.Graph.Edge + + + + + + +
+ + + + + + +
Edge {Microsoft.VisualBasic.Data.visualize.Network.Graph}.NET clr documentation
+ +

Edge

+ +

Description

+ + the network graph edge. + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.visualize.Network.Graph
+export class Edge {
+   # 如果什么也不赋值,则默认自动根据node编号来生成唯一id
+   ID: string;
+   data: EdgeData;
+   isDirected: boolean;
+   weight: double;
+   U: Node;
+   V: Node;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/NetworkGraph.html b/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/NetworkGraph.html new file mode 100644 index 0000000..b7cc659 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/NetworkGraph.html @@ -0,0 +1,56 @@ + + + + + Microsoft.VisualBasic.Data.visualize.Network.Graph.NetworkGraph + + + + + + +
+ + + + + + +
NetworkGraph {Microsoft.VisualBasic.Data.visualize.Network.Graph}.NET clr documentation
+ +

NetworkGraph

+ +

Description

+ + The network graph object model + +

Declare

+ +
+            
+# 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/Node.html b/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/Node.html new file mode 100644 index 0000000..58e0dce --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Data/visualize/Network/Graph/Node.html @@ -0,0 +1,59 @@ + + + + + Microsoft.VisualBasic.Data.visualize.Network.Graph.Node + + + + + + +
+ + + + + + +
Node {Microsoft.VisualBasic.Data.visualize.Network.Graph}.NET clr documentation
+ +

Node

+ +

Description

+ + @``P:Microsoft.VisualBasic.Data.GraphTheory.Vertex.label`` -> @``P:Microsoft.VisualBasic.ComponentModel.DataSourceModel.Repository.IKeyedEntity`1.Key`` + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Data.visualize.Network.Graph
+export class Node {
+   data: NodeData;
+   # Get all of the edge collection that connect to current node object
+   adjacencies: AdjacencySet`1;
+   directedVertex: DirectedVertex;
+   # 这个节点是被钉住的?在进行布局计算的时候,钉住的节点将不会更新位置
+   pinned: boolean;
+   visited: boolean;
+   text: string;
+   degree: ValueTuple`2;
+   label: string;
+   ID: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/BinaryTree/BTreeCluster.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/BinaryTree/BTreeCluster.html new file mode 100644 index 0000000..d8f580f --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/BinaryTree/BTreeCluster.html @@ -0,0 +1,54 @@ + + + + + Microsoft.VisualBasic.DataMining.BinaryTree.BTreeCluster + + + + + + +
+ + + + + + +
BTreeCluster {Microsoft.VisualBasic.DataMining.BinaryTree}.NET clr documentation
+ +

BTreeCluster

+ +

Description

+ + Clustering data via binary tree + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.BinaryTree
+export class BTreeCluster {
+   left: BTreeCluster;
+   right: BTreeCluster;
+   uuid: string;
+   # 这个列表之中已经保存有@``P:Microsoft.VisualBasic.DataMining.BinaryTree.BTreeCluster.uuid``了
+   members: string;
+   data: list;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/Evaluation/Validation.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/Evaluation/Validation.html new file mode 100644 index 0000000..588013b --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/Evaluation/Validation.html @@ -0,0 +1,55 @@ + + + + + Microsoft.VisualBasic.DataMining.Evaluation.Validation + + + + + + +
+ + + + + + +
Validation {Microsoft.VisualBasic.DataMining.Evaluation}.NET clr documentation
+ +

Validation

+ +

Description

+ + 验证结果描述 + + ``灵敏度 = 真阳性人数 / (真阳性人数 + 假阴性人数) * 100%`` + ``特异度 = 真阴性人数 / (真阴性人数 + 假阳性人数) * 100%`` + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.Evaluation
+export class Validation {
+   FPR: double;
+   # Negative predictive value
+   NPV: double;
+   F1Score: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/EnumEncoder.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/EnumEncoder.html new file mode 100644 index 0000000..5633ea0 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/EnumEncoder.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.DataMining.FeatureFrame.EnumEncoder + + + + + + +
+ + + + + + +
EnumEncoder {Microsoft.VisualBasic.DataMining.FeatureFrame}.NET clr documentation
+ +

EnumEncoder

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.FeatureFrame
+export class EnumEncoder {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/FeatureEncoder.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/FeatureEncoder.html new file mode 100644 index 0000000..0f5047c --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/FeatureEncoder.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.DataMining.FeatureFrame.FeatureEncoder + + + + + + +
+ + + + + + +
FeatureEncoder {Microsoft.VisualBasic.DataMining.FeatureFrame}.NET clr documentation
+ +

FeatureEncoder

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.FeatureFrame
+export class FeatureEncoder {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/FlagEncoder.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/FlagEncoder.html new file mode 100644 index 0000000..2d21eb1 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/FeatureFrame/FlagEncoder.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.DataMining.FeatureFrame.FlagEncoder + + + + + + +
+ + + + + + +
FlagEncoder {Microsoft.VisualBasic.DataMining.FeatureFrame}.NET clr documentation
+ +

FlagEncoder

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.FeatureFrame
+export class FlagEncoder {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/FuzzyCMeans/Classify.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/FuzzyCMeans/Classify.html new file mode 100644 index 0000000..d562c37 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/FuzzyCMeans/Classify.html @@ -0,0 +1,51 @@ + + + + + Microsoft.VisualBasic.DataMining.FuzzyCMeans.Classify + + + + + + +
+ + + + + + +
Classify {Microsoft.VisualBasic.DataMining.FuzzyCMeans}.NET clr documentation
+ +

Classify

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.FuzzyCMeans
+export class Classify {
+   Id: integer;
+   members: List`1;
+   center: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/HiddenMarkovChain/MarkovChain.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/HiddenMarkovChain/MarkovChain.html new file mode 100644 index 0000000..8682bef --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/HiddenMarkovChain/MarkovChain.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.DataMining.HiddenMarkovChain.MarkovChain + + + + + + +
+ + + + + + +
MarkovChain {Microsoft.VisualBasic.DataMining.HiddenMarkovChain}.NET clr documentation
+ +

MarkovChain

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.HiddenMarkovChain
+export class MarkovChain {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/HiddenMarkovChain/Models/StatesObject.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/HiddenMarkovChain/Models/StatesObject.html new file mode 100644 index 0000000..ecb436f --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/HiddenMarkovChain/Models/StatesObject.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.DataMining.HiddenMarkovChain.Models.StatesObject + + + + + + +
+ + + + + + +
StatesObject {Microsoft.VisualBasic.DataMining.HiddenMarkovChain.Models}.NET clr documentation
+ +

StatesObject

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.HiddenMarkovChain.Models
+export class StatesObject {
+   state: string;
+   prob: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/HierarchicalClustering/Cluster.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/HierarchicalClustering/Cluster.html new file mode 100644 index 0000000..7594995 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/HierarchicalClustering/Cluster.html @@ -0,0 +1,62 @@ + + + + + Microsoft.VisualBasic.DataMining.HierarchicalClustering.Cluster + + + + + + +
+ + + + + + +
Cluster {Microsoft.VisualBasic.DataMining.HierarchicalClustering}.NET clr documentation
+ +

Cluster

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.HierarchicalClustering
+export class Cluster {
+   Distance: Distance;
+   WeightValue: double;
+   # value of @``P:Microsoft.VisualBasic.DataMining.HierarchicalClustering.Cluster.Distance``
+   DistanceValue: double;
+   Parent: Cluster;
+   # 名称是唯一的?
+   Name: string;
+   Children: IList`1;
+   LeafNames: List`1;
+   # 是否是一个叶节点?
+   isLeaf: boolean;
+   # 计算出所有的叶节点的总数,包括自己的child的叶节点
+   Leafs: integer;
+   TotalDistance: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataMining/KMeans/EntityClusterModel.html b/vignettes/clr/Microsoft/VisualBasic/DataMining/KMeans/EntityClusterModel.html new file mode 100644 index 0000000..222b34c --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataMining/KMeans/EntityClusterModel.html @@ -0,0 +1,54 @@ + + + + + Microsoft.VisualBasic.DataMining.KMeans.EntityClusterModel + + + + + + +
+ + + + + + +
EntityClusterModel {Microsoft.VisualBasic.DataMining.KMeans}.NET clr documentation
+ +

EntityClusterModel

+ +

Description

+ + 存储在Csv文件里面的数据模型,近似等价于csv DataSet对象, + 只不过多带了一个用来描述cluster的@``P:Microsoft.VisualBasic.DataMining.KMeans.EntityClusterModel.Cluster`` + 属性标签 + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataMining.KMeans
+export class EntityClusterModel {
+   ID: string;
+   # 聚类结果的类编号
+   Cluster: string;
+   Properties: list;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataStorage/HDSPack/FileSystem/StreamPack.html b/vignettes/clr/Microsoft/VisualBasic/DataStorage/HDSPack/FileSystem/StreamPack.html new file mode 100644 index 0000000..e753bb5 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataStorage/HDSPack/FileSystem/StreamPack.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.DataStorage.HDSPack.FileSystem.StreamPack + + + + + + +
+ + + + + + +
StreamPack {Microsoft.VisualBasic.DataStorage.HDSPack.FileSystem}.NET clr documentation
+ +

StreamPack

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataStorage.HDSPack.FileSystem
+export class StreamPack {
+   superBlock: StreamGroup;
+   globalAttributes: LazyAttribute;
+   is_readonly: boolean;
+   files: StreamBlock[];
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/DataStorage/netCDF/netCDFReader.html b/vignettes/clr/Microsoft/VisualBasic/DataStorage/netCDF/netCDFReader.html new file mode 100644 index 0000000..a25ea62 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/DataStorage/netCDF/netCDFReader.html @@ -0,0 +1,53 @@ + + + + + Microsoft.VisualBasic.DataStorage.netCDF.netCDFReader + + + + + + +
+ + + + + + +
netCDFReader {Microsoft.VisualBasic.DataStorage.netCDF}.NET clr documentation
+ +

netCDFReader

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.DataStorage.netCDF
+export class netCDFReader {
+   version: string;
+   recordDimension: recordDimension;
+   dimensions: Dimension[];
+   globalAttributes: attribute[];
+   variables: variable[];
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/FileIO/Directory.html b/vignettes/clr/Microsoft/VisualBasic/FileIO/Directory.html new file mode 100644 index 0000000..ac19d3b --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/FileIO/Directory.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.FileIO.Directory + + + + + + +
+ + + + + + +
Directory {Microsoft.VisualBasic.FileIO}.NET clr documentation
+ +

Directory

+ +

Description

+ + A wrapper object for the processing of relative file path. + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.FileIO
+export class Directory {
+   # 当前的这个文件夹对象的文件路径
+   folder: string;
+   strict: boolean;
+   readonly: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Colors/ColorMapLegend.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Colors/ColorMapLegend.html new file mode 100644 index 0000000..e9e83ab --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Colors/ColorMapLegend.html @@ -0,0 +1,60 @@ + + + + + Microsoft.VisualBasic.Imaging.Drawing2D.Colors.ColorMapLegend + + + + + + +
+ + + + + + +
ColorMapLegend {Microsoft.VisualBasic.Imaging.Drawing2D.Colors}.NET clr documentation
+ +

ColorMapLegend

+ +

Description

+ + a continues numeric scaler legend bar + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Drawing2D.Colors
+export class ColorMapLegend {
+   designer: SolidBrush[];
+   title: string;
+   titleFont: Font;
+   ticks: double;
+   tickFont: Font;
+   tickAxisStroke: Pen;
+   unmapColor: string;
+   ruleOffset: double;
+   format: string;
+   legendOffsetLeft: double;
+   noblank: boolean;
+   foreColor: Color;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/HeatMap/RasterScaler.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/HeatMap/RasterScaler.html new file mode 100644 index 0000000..a1aadb3 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/HeatMap/RasterScaler.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.Imaging.Drawing2D.HeatMap.RasterScaler + + + + + + +
+ + + + + + +
RasterScaler {Microsoft.VisualBasic.Imaging.Drawing2D.HeatMap}.NET clr documentation
+ +

RasterScaler

+ +

Description

+ + do image size scaling + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Drawing2D.HeatMap
+export class RasterScaler {
+   # the dimension size of the bitmap buffer data
+   size: Size;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Math2D/MarchingSquares/ContourLayer.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Math2D/MarchingSquares/ContourLayer.html new file mode 100644 index 0000000..582fcf4 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Math2D/MarchingSquares/ContourLayer.html @@ -0,0 +1,51 @@ + + + + + Microsoft.VisualBasic.Imaging.Drawing2D.Math2D.MarchingSquares.ContourLayer + + + + + + +
+ + + + + + +
ContourLayer {Microsoft.VisualBasic.Imaging.Drawing2D.Math2D.MarchingSquares}.NET clr documentation
+ +

ContourLayer

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Drawing2D.Math2D.MarchingSquares
+export class ContourLayer {
+   threshold: double;
+   shapes: Polygon2D[];
+   dimension: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Math2D/MarchingSquares/GeneralPath.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Math2D/MarchingSquares/GeneralPath.html new file mode 100644 index 0000000..227fe16 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Math2D/MarchingSquares/GeneralPath.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.Imaging.Drawing2D.Math2D.MarchingSquares.GeneralPath + + + + + + +
+ + + + + + +
GeneralPath {Microsoft.VisualBasic.Imaging.Drawing2D.Math2D.MarchingSquares}.NET clr documentation
+ +

GeneralPath

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Drawing2D.Math2D.MarchingSquares
+export class GeneralPath {
+   level: double;
+   dimension: Size;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Shapes/Line.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Shapes/Line.html new file mode 100644 index 0000000..a553cf6 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing2D/Shapes/Line.html @@ -0,0 +1,63 @@ + + + + + Microsoft.VisualBasic.Imaging.Drawing2D.Shapes.Line + + + + + + +
+ + + + + + +
Line {Microsoft.VisualBasic.Imaging.Drawing2D.Shapes}.NET clr documentation
+ +

Line

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Drawing2D.Shapes
+export class Line {
+   Stroke: Pen;
+   A: PointF;
+   B: PointF;
+   Size: Size;
+   # 线段的长度
+   Length: double;
+   Cos: double;
+   Sin: double;
+   # 返回线段和X轴的夹角,夹角值为弧度值
+   Alpha: double;
+   Center: PointF;
+   Location: Point;
+   TooltipTag: string;
+   DrawingRegion: Rectangle;
+   EnableAutoLayout: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Camera.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Camera.html new file mode 100644 index 0000000..e6e2f11 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Camera.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.Imaging.Drawing3D.Camera + + + + + + +
+ + + + + + +
Camera {Microsoft.VisualBasic.Imaging.Drawing3D}.NET clr documentation
+ +

Camera

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Drawing3D
+export class Camera {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Models/Line3D.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Models/Line3D.html new file mode 100644 index 0000000..2b3985f --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Drawing3D/Models/Line3D.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.Imaging.Drawing3D.Models.Line3D + + + + + + +
+ + + + + + +
Line3D {Microsoft.VisualBasic.Imaging.Drawing3D.Models}.NET clr documentation
+ +

Line3D

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Drawing3D.Models
+export class Line3D {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Driver/GraphicsData.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Driver/GraphicsData.html new file mode 100644 index 0000000..fc1ca72 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Driver/GraphicsData.html @@ -0,0 +1,60 @@ + + + + + Microsoft.VisualBasic.Imaging.Driver.GraphicsData + + + + + + +
+ + + + + + +
GraphicsData {Microsoft.VisualBasic.Imaging.Driver}.NET clr documentation
+ +

GraphicsData

+ +

Description

+ + gdi+ images: @``T:System.Drawing.Image``, @``T:System.Drawing.Bitmap`` / SVG image: @``T:Microsoft.VisualBasic.Imaging.SVG.XML.SVGXml`` + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Driver
+export class GraphicsData {
+   # The graphics engine driver type indicator, 
+   #  
+   #  + for @``F:Microsoft.VisualBasic.Imaging.Driver.Drivers.GDI`` -> @``T:Microsoft.VisualBasic.Imaging.Driver.ImageData``(@``T:System.Drawing.Image``, @``T:System.Drawing.Bitmap``)
+   #  + for @``F:Microsoft.VisualBasic.Imaging.Driver.Drivers.SVG`` -> @``T:Microsoft.VisualBasic.Imaging.Driver.SVGData``(@``T:Microsoft.VisualBasic.Imaging.SVG.XML.SVGXml``)
+   #  
+   #  (驱动程序的类型)
+   Driver: Drivers;
+   content_type: string;
+   # The image size
+   Layout: GraphicsRegion;
+   Width: integer;
+   Height: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/Driver/SVGData.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/Driver/SVGData.html new file mode 100644 index 0000000..f16d5e8 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/Driver/SVGData.html @@ -0,0 +1,56 @@ + + + + + Microsoft.VisualBasic.Imaging.Driver.SVGData + + + + + + +
+ + + + + + +
SVGData {Microsoft.VisualBasic.Imaging.Driver}.NET clr documentation
+ +

SVGData

+ +

Description

+ + SVG graphic data + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.Driver
+export class SVGData {
+   SVG: SVGDataLayers;
+   Driver: Drivers;
+   XmlComment: string;
+   title: string;
+   content_type: string;
+   Layout: GraphicsRegion;
+   Width: integer;
+   Height: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Imaging/d3js/Layout/Labeler.html b/vignettes/clr/Microsoft/VisualBasic/Imaging/d3js/Layout/Labeler.html new file mode 100644 index 0000000..c63f0d0 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Imaging/d3js/Layout/Labeler.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.Imaging.d3js.Layout.Labeler + + + + + + +
+ + + + + + +
Labeler {Microsoft.VisualBasic.Imaging.d3js.Layout}.NET clr documentation
+ +

Labeler

+ +

Description

+ + A D3 plug-in for automatic label placement using simulated annealing that + easily incorporates into existing D3 code, with syntax mirroring other + D3 layouts. + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Imaging.d3js.Layout
+export class Labeler {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MIME/Html/Document/HtmlDocument.html b/vignettes/clr/Microsoft/VisualBasic/MIME/Html/Document/HtmlDocument.html new file mode 100644 index 0000000..80c7db4 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MIME/Html/Document/HtmlDocument.html @@ -0,0 +1,58 @@ + + + + + Microsoft.VisualBasic.MIME.Html.Document.HtmlDocument + + + + + + +
+ + + + + + +
HtmlDocument {Microsoft.VisualBasic.MIME.Html.Document}.NET clr documentation
+ +

HtmlDocument

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MIME.Html.Document
+export class HtmlDocument {
+   TagName: string;
+   Attributes: ValueAttribute[];
+   HtmlElements: InnerPlantText[];
+   IsPlantText: boolean;
+   id: string;
+   name: string;
+   class: string;
+   OnlyInnerText: boolean;
+   IsEmpty: boolean;
+   InnerText: string;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MIME/application/rdf_xml/Turtle/Triple.html b/vignettes/clr/Microsoft/VisualBasic/MIME/application/rdf_xml/Turtle/Triple.html new file mode 100644 index 0000000..5a3ec77 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MIME/application/rdf_xml/Turtle/Triple.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.MIME.application.rdf_xml.Turtle.Triple + + + + + + +
+ + + + + + +
Triple {Microsoft.VisualBasic.MIME.application.rdf_xml.Turtle}.NET clr documentation
+ +

Triple

+ +

Description

+ + object properties + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MIME.application.rdf_xml.Turtle
+export class Triple {
+   subject: string;
+   relations: Relation[];
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MIME/application/xml/MathML/LambdaExpression.html b/vignettes/clr/Microsoft/VisualBasic/MIME/application/xml/MathML/LambdaExpression.html new file mode 100644 index 0000000..6faf95f --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MIME/application/xml/MathML/LambdaExpression.html @@ -0,0 +1,54 @@ + + + + + Microsoft.VisualBasic.MIME.application.xml.MathML.LambdaExpression + + + + + + +
+ + + + + + +
LambdaExpression {Microsoft.VisualBasic.MIME.application.xml.MathML}.NET clr documentation
+ +

LambdaExpression

+ +

Description

+ + 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`` + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MIME.application.xml.MathML
+export class LambdaExpression {
+   parameters: string;
+   lambda: MathExpression;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/ConvolutionalNN.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/ConvolutionalNN.html new file mode 100644 index 0000000..eb7ede2 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/ConvolutionalNN.html @@ -0,0 +1,65 @@ + + + + + Microsoft.VisualBasic.MachineLearning.CNN.ConvolutionalNN + + + + + + +
+ + + + + + +
ConvolutionalNN {Microsoft.VisualBasic.MachineLearning.CNN}.NET clr documentation
+ +

ConvolutionalNN

+ +

Description

+ + 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/LayerBuilder.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/LayerBuilder.html new file mode 100644 index 0000000..f6a20a9 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/LayerBuilder.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.MachineLearning.CNN.LayerBuilder + + + + + + +
+ + + + + + +
LayerBuilder {Microsoft.VisualBasic.MachineLearning.CNN}.NET clr documentation
+ +

LayerBuilder

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.CNN
+export class LayerBuilder {
+   # the layers object in this builder is already been initialized?
+   Initialized: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/trainers/TrainerAlgorithm.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/trainers/TrainerAlgorithm.html new file mode 100644 index 0000000..15b11c4 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/CNN/trainers/TrainerAlgorithm.html @@ -0,0 +1,59 @@ + + + + + Microsoft.VisualBasic.MachineLearning.CNN.trainers.TrainerAlgorithm + + + + + + +
+ + + + + + +
TrainerAlgorithm {Microsoft.VisualBasic.MachineLearning.CNN.trainers}.NET clr documentation
+ +

TrainerAlgorithm

+ +

Description

+ + 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) + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.CNN.trainers
+export class TrainerAlgorithm {
+   # alpha
+   learning_rate: double;
+   eps: double;
+   momentum: double;
+   batch_size: integer;
+   conv_net: ConvolutionalNN;
+   get_output: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/DataSet.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/DataSet.html new file mode 100644 index 0000000..60fc3f6 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/DataSet.html @@ -0,0 +1,61 @@ + + + + + Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure.DataSet + + + + + + +
+ + + + + + +
DataSet {Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure}.NET clr documentation
+ +

DataSet

+ +

Description

+ + A training dataset that stored in XML file. + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure
+export class DataSet {
+   # the training data samples
+   DataSamples: SampleList;
+   # 主要是对@``P:Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure.Sample.label``输入向量进行``[0, 1]``区间内的归一化操作
+   NormalizeMatrix: NormalizeMatrix;
+   # The element names of output vector
+   output: string;
+   # 样本的矩阵大小:``[属性长度, 样本数量]``
+   Size: Size;
+   width: integer;
+   # 神经网络的输出节点的数量
+   OutputSize: integer;
+   Stylesheet: XmlStyleProcessor;
+   TypeComment: XmlComment;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/NormalizeMatrix.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/NormalizeMatrix.html new file mode 100644 index 0000000..e284655 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/NormalizeMatrix.html @@ -0,0 +1,54 @@ + + + + + Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure.NormalizeMatrix + + + + + + +
+ + + + + + +
NormalizeMatrix {Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure}.NET clr documentation
+ +

NormalizeMatrix

+ +

Description

+ + A matrix for make the sample input normalized.(进行所输入的样本数据的归一化的矩阵) + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure
+export class NormalizeMatrix {
+   # 每一个属性都具有一个归一化区间
+   matrix: XmlList`1;
+   # 属性名称列表,这个序列的长度是和@``P:Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure.NormalizeMatrix.matrix``的长度一致的,并且元素的顺序一一对应的
+   names: string;
+   Stylesheet: XmlStyleProcessor;
+   TypeComment: XmlComment;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/Sample.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/Sample.html new file mode 100644 index 0000000..b1ca8fe --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/Sample.html @@ -0,0 +1,56 @@ + + + + + Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure.Sample + + + + + + +
+ + + + + + +
Sample {Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure}.NET clr documentation
+ +

Sample

+ +

Description

+ + The training dataset, a data point with known label + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure
+export class Sample {
+   # 可选的数据集唯一标记信息
+   ID: string;
+   # Neuron network input parameters
+   label: string;
+   # The network expected output values
+   target: double;
+   # sample features data
+   vector: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/SampleData.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/SampleData.html new file mode 100644 index 0000000..319b686 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/ComponentModel/StoreProcedure/SampleData.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure.SampleData + + + + + + +
+ + + + + + +
SampleData {Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure}.NET clr documentation
+ +

SampleData

+ +

Description

+ + the in-memory sample data object + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.ComponentModel.StoreProcedure
+export class SampleData {
+   # the unique id
+   id: string;
+   features: double;
+   labels: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/Convolutional/CeNiN.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/Convolutional/CeNiN.html new file mode 100644 index 0000000..82df82b --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/Convolutional/CeNiN.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.MachineLearning.Convolutional.CeNiN + + + + + + +
+ + + + + + +
CeNiN {Microsoft.VisualBasic.MachineLearning.Convolutional}.NET clr documentation
+ +

CeNiN

+ +

Description

+ + CeNiN (means "fetus" in Turkish) is a minimal implementation of feed-forward + phase of deep Convolutional Neural Networks + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.Convolutional
+export class CeNiN {
+   inputSize: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/Debugger/ANNDebugger.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/Debugger/ANNDebugger.html new file mode 100644 index 0000000..44a8158 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/Debugger/ANNDebugger.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.MachineLearning.Debugger.ANNDebugger + + + + + + +
+ + + + + + +
ANNDebugger {Microsoft.VisualBasic.MachineLearning.Debugger}.NET clr documentation
+ +

ANNDebugger

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.Debugger
+export class ANNDebugger {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/ANNTrainer.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/ANNTrainer.html new file mode 100644 index 0000000..694231c --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/ANNTrainer.html @@ -0,0 +1,63 @@ + + + + + Microsoft.VisualBasic.MachineLearning.NeuralNetwork.ANNTrainer + + + + + + +
+ + + + + + +
ANNTrainer {Microsoft.VisualBasic.MachineLearning.NeuralNetwork}.NET clr documentation
+ +

ANNTrainer

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.NeuralNetwork
+export class ANNTrainer {
+   TrainingType: TrainingType;
+   MinError: double;
+   # 对@``P:Microsoft.VisualBasic.MachineLearning.NeuralNetwork.Neuron.Gradient``的剪裁限制阈值,小于等于零表示不进行剪裁,默认不剪裁
+   Truncate: double;
+   # 是否对训练样本数据集进行选择性的训练,假若目标样本在当前所训练的模型上面
+   #  所计算得到的预测结果和其真实结果的误差足够小的话,目标样本将不会再进行训练
+   Selective: boolean;
+   ErrorThreshold: double;
+   # [0,1]之间,建议设置一个[0.3,0.6]之间的值, 这个参数表示被随机删除的节点的数量百分比,值越高,则剩下的神经元节点越少
+   dropOutRate: double;
+   # 最终得到的训练结果神经网络
+   NeuronNetwork: Network;
+   TrainingSet: TrainingSample[];
+   # 训练所使用到的经验数量,即数据集的大小size
+   XP: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/Network.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/Network.html new file mode 100644 index 0000000..7f38bda --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/Network.html @@ -0,0 +1,63 @@ + + + + + Microsoft.VisualBasic.MachineLearning.NeuralNetwork.Network + + + + + + +
+ + + + + + +
Network {Microsoft.VisualBasic.MachineLearning.NeuralNetwork}.NET clr documentation
+ +

Network

+ +

Description

+ + 人工神经网络计算用的对象模型 + + > https://github.com/trentsartain/Neural-Network + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.NeuralNetwork
+export class Network {
+   LearnRate: double;
+   Momentum: double;
+   Truncate: double;
+   # 通过这个属性可以枚举出所有的输入层的神经元节点
+   InputLayer: Layer;
+   # 通过这个属性可以枚举出所有的隐藏层,然后对每一层隐藏层可以枚举出该隐藏层之中的所有的神经元节点
+   HiddenLayer: HiddenLayers;
+   # 通过这个属性可以枚举出所有的输出层的神经元节点
+   OutputLayer: Layer;
+   # 学习率的衰减速率
+   LearnRateDecay: double;
+   # 激活函数
+   Activations: IReadOnlyDictionary`2;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/ParallelNetwork.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/ParallelNetwork.html new file mode 100644 index 0000000..b080194 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/ParallelNetwork.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.MachineLearning.NeuralNetwork.ParallelNetwork + + + + + + +
+ + + + + + +
ParallelNetwork {Microsoft.VisualBasic.MachineLearning.NeuralNetwork}.NET clr documentation
+ +

ParallelNetwork

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.NeuralNetwork
+export class ParallelNetwork {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/StoreProcedure/NeuralNetwork.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/StoreProcedure/NeuralNetwork.html new file mode 100644 index 0000000..42843c5 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/StoreProcedure/NeuralNetwork.html @@ -0,0 +1,59 @@ + + + + + Microsoft.VisualBasic.MachineLearning.NeuralNetwork.StoreProcedure.NeuralNetwork + + + + + + +
+ + + + + + +
NeuralNetwork {Microsoft.VisualBasic.MachineLearning.NeuralNetwork.StoreProcedure}.NET clr documentation
+ +

NeuralNetwork

+ +

Description

+ + Xml/json文件存储格式 + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.NeuralNetwork.StoreProcedure
+export class NeuralNetwork {
+   learnRate: double;
+   momentum: double;
+   # 当前的这个模型快照在训练数据集上的预测误差
+   errors: double;
+   neurons: NeuronNode[];
+   connections: Synapse[];
+   inputlayer: NeuronLayer;
+   outputlayer: NeuronLayer;
+   hiddenlayers: HiddenLayer;
+   Stylesheet: XmlStyleProcessor;
+   TypeComment: XmlComment;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/TrainingSample.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/TrainingSample.html new file mode 100644 index 0000000..d7966a4 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/NeuralNetwork/TrainingSample.html @@ -0,0 +1,49 @@ + + + + + Microsoft.VisualBasic.MachineLearning.NeuralNetwork.TrainingSample + + + + + + +
+ + + + + + +
TrainingSample {Microsoft.VisualBasic.MachineLearning.NeuralNetwork}.NET clr documentation
+ +

TrainingSample

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.NeuralNetwork
+export class TrainingSample {
+   isEmpty: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/SVMModel.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/SVMModel.html new file mode 100644 index 0000000..020fefa --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/SVMModel.html @@ -0,0 +1,55 @@ + + + + + Microsoft.VisualBasic.MachineLearning.SVM.SVMModel + + + + + + +
+ + + + + + +
SVMModel {Microsoft.VisualBasic.MachineLearning.SVM}.NET clr documentation
+ +

SVMModel

+ +

Description

+ + 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/SVMMultipleSet.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/SVMMultipleSet.html new file mode 100644 index 0000000..fd28c7d --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/SVMMultipleSet.html @@ -0,0 +1,51 @@ + + + + + Microsoft.VisualBasic.MachineLearning.SVM.SVMMultipleSet + + + + + + +
+ + + + + + +
SVMMultipleSet {Microsoft.VisualBasic.MachineLearning.SVM}.NET clr documentation
+ +

SVMMultipleSet

+ +

Description

+ + A collection of trained svm data model that can be apply for + multiple dimension class classify analysis. + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.SVM
+export class SVMMultipleSet {
+   dimensionNames: string;
+   topics: list;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/StorageProcedure/ProblemTable.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/StorageProcedure/ProblemTable.html new file mode 100644 index 0000000..0e7ad6d --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/SVM/StorageProcedure/ProblemTable.html @@ -0,0 +1,51 @@ + + + + + Microsoft.VisualBasic.MachineLearning.SVM.StorageProcedure.ProblemTable + + + + + + +
+ + + + + + +
ProblemTable {Microsoft.VisualBasic.MachineLearning.SVM.StorageProcedure}.NET clr documentation
+ +

ProblemTable

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.SVM.StorageProcedure
+export class ProblemTable {
+   vectors: SupportVector[];
+   # the key collection of the support vector: @``P:Microsoft.VisualBasic.ComponentModel.DataSourceModel.DynamicPropertyBase`1.Properties`` inputs.
+   dimensionNames: string;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/GBM.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/GBM.html new file mode 100644 index 0000000..6b00ef7 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/GBM.html @@ -0,0 +1,80 @@ + + + + + Microsoft.VisualBasic.MachineLearning.XGBoost.train.GBM + + + + + + +
+ + + + + + +
GBM {Microsoft.VisualBasic.MachineLearning.XGBoost.train}.NET clr documentation
+ +

GBM

+ +

Description

+ + 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. + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.XGBoost.train
+export class GBM {
+   first_round_pred: double;
+   eta: double;
+   loss: Loss;
+   trees: List`1;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/TestData.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/TestData.html new file mode 100644 index 0000000..7c78b96 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/TestData.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.MachineLearning.XGBoost.train.TestData + + + + + + +
+ + + + + + +
TestData {Microsoft.VisualBasic.MachineLearning.XGBoost.train}.NET clr documentation
+ +

TestData

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.XGBoost.train
+export class TestData {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/TrainData.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/TrainData.html new file mode 100644 index 0000000..5caecf6 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/TrainData.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.MachineLearning.XGBoost.train.TrainData + + + + + + +
+ + + + + + +
TrainData {Microsoft.VisualBasic.MachineLearning.XGBoost.train}.NET clr documentation
+ +

TrainData

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.XGBoost.train
+export class TrainData {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/ValidationData.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/ValidationData.html new file mode 100644 index 0000000..fd9e32a --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/XGBoost/train/ValidationData.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.MachineLearning.XGBoost.train.ValidationData + + + + + + +
+ + + + + + +
ValidationData {Microsoft.VisualBasic.MachineLearning.XGBoost.train}.NET clr documentation
+ +

ValidationData

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.XGBoost.train
+export class ValidationData {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/MachineLearning/tSNE/tSNE.html b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/tSNE/tSNE.html new file mode 100644 index 0000000..6ae8dd1 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/MachineLearning/tSNE/tSNE.html @@ -0,0 +1,49 @@ + + + + + Microsoft.VisualBasic.MachineLearning.tSNE.tSNE + + + + + + +
+ + + + + + +
tSNE {Microsoft.VisualBasic.MachineLearning.tSNE}.NET clr documentation
+ +

tSNE

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.MachineLearning.tSNE
+export class tSNE {
+   dimension: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Calculus/Dynamics/Data/ODEsOut.html b/vignettes/clr/Microsoft/VisualBasic/Math/Calculus/Dynamics/Data/ODEsOut.html new file mode 100644 index 0000000..5dae8dc --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Calculus/Dynamics/Data/ODEsOut.html @@ -0,0 +1,60 @@ + + + + + Microsoft.VisualBasic.Math.Calculus.Dynamics.Data.ODEsOut + + + + + + +
+ + + + + + +
ODEsOut {Microsoft.VisualBasic.Math.Calculus.Dynamics.Data}.NET clr documentation
+ +

ODEsOut

+ +

Description

+ + 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Calculus/ODEOutput.html b/vignettes/clr/Microsoft/VisualBasic/Math/Calculus/ODEOutput.html new file mode 100644 index 0000000..66969e5 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Calculus/ODEOutput.html @@ -0,0 +1,56 @@ + + + + + Microsoft.VisualBasic.Math.Calculus.ODEOutput + + + + + + +
+ + + + + + +
ODEOutput {Microsoft.VisualBasic.Math.Calculus}.NET clr documentation
+ +

ODEOutput

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.Calculus
+export class ODEOutput {
+   ID: string;
+   X: Sequence;
+   Y: NumericVector;
+   description: string;
+   # 最后一个结果值为积分的总和
+   sum: double;
+   y0: double;
+   xrange: DoubleRange;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/CorrelationMatrix.html b/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/CorrelationMatrix.html new file mode 100644 index 0000000..b321926 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/CorrelationMatrix.html @@ -0,0 +1,50 @@ + + + + + Microsoft.VisualBasic.Math.DataFrame.CorrelationMatrix + + + + + + +
+ + + + + + +
CorrelationMatrix {Microsoft.VisualBasic.Math.DataFrame}.NET clr documentation
+ +

CorrelationMatrix

+ +

Description

+ + the correlation matrix join the pvalue matrix + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.DataFrame
+export class CorrelationMatrix {
+   keys: string;
+   size: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/DataFrame.html b/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/DataFrame.html new file mode 100644 index 0000000..8b6b9dc --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/DataFrame.html @@ -0,0 +1,59 @@ + + + + + Microsoft.VisualBasic.Math.DataFrame.DataFrame + + + + + + +
+ + + + + + +
DataFrame {Microsoft.VisualBasic.Math.DataFrame}.NET clr documentation
+ +

DataFrame

+ +

Description

+ + R language liked dataframe object + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.DataFrame
+export class DataFrame {
+   # the dataframe columns
+   features: list;
+   rownames: string;
+   # the dimension size of current dataframe object, with data axis dimension 
+   #  mapping of:
+   #  
+   #  1. width: feature size, column size
+   #  2. height: sample size, row size
+   dims: Size;
+   featureNames: string;
+   nsamples: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/DistanceMatrix.html b/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/DistanceMatrix.html new file mode 100644 index 0000000..899757e --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/DataFrame/DistanceMatrix.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.Math.DataFrame.DistanceMatrix + + + + + + +
+ + + + + + +
DistanceMatrix {Microsoft.VisualBasic.Math.DataFrame}.NET clr documentation
+ +

DistanceMatrix

+ +

Description

+ + a dissimilarity or similarity structure + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.DataFrame
+export class DistanceMatrix {
+   # is correlation matrix or distance matrix
+   is_dist: boolean;
+   keys: string;
+   size: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Distributions/BinBox/DataBinBox`1[[System/Double, System/Private/CoreLib, Version=6/0/0/0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e]].html b/vignettes/clr/Microsoft/VisualBasic/Math/Distributions/BinBox/DataBinBox`1[[System/Double, System/Private/CoreLib, Version=6/0/0/0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e]].html new file mode 100644 index 0000000..098c41d --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Distributions/BinBox/DataBinBox`1[[System/Double, System/Private/CoreLib, Version=6/0/0/0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e]].html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.Math.Distributions.BinBox.DataBinBox`1[[System.Double, System.Private.CoreLib, Version=6.0.0.0, Culture=neutral, PublicKeyToken=7cec85d7bea7798e]] + + + + + + +
+ + + + + + +
DataBinBox`1 {Microsoft.VisualBasic.Math.Distributions.BinBox}.NET clr documentation
+ +

DataBinBox`1

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.Distributions.BinBox
+export class DataBinBox`1 {
+   Raw: double;
+   Sample: SampleDistribution;
+   Boundary: DoubleRange;
+   Count: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/LinearAlgebra/Matrix/GeneralMatrix.html b/vignettes/clr/Microsoft/VisualBasic/Math/LinearAlgebra/Matrix/GeneralMatrix.html new file mode 100644 index 0000000..83fcc20 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/LinearAlgebra/Matrix/GeneralMatrix.html @@ -0,0 +1,52 @@ + + + + + Microsoft.VisualBasic.Math.LinearAlgebra.Matrix.GeneralMatrix + + + + + + +
+ + + + + + +
GeneralMatrix {Microsoft.VisualBasic.Math.LinearAlgebra.Matrix}.NET clr documentation
+ +

GeneralMatrix

+ +

Description

+ + [m,n] + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.LinearAlgebra.Matrix
+export class GeneralMatrix {
+   # m
+   RowDimension: integer;
+   # n
+   ColumnDimension: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/LinearAlgebra/Polynomial.html b/vignettes/clr/Microsoft/VisualBasic/Math/LinearAlgebra/Polynomial.html new file mode 100644 index 0000000..d863142 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/LinearAlgebra/Polynomial.html @@ -0,0 +1,55 @@ + + + + + Microsoft.VisualBasic.Math.LinearAlgebra.Polynomial + + + + + + +
+ + + + + + +
Polynomial {Microsoft.VisualBasic.Math.LinearAlgebra}.NET clr documentation
+ +

Polynomial

+ +

Description

+ + 一元多项式的数据模型 + + ``` + f(x) = a + bx + cx^2 + dx^3 + ... + ``` + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.LinearAlgebra
+export class Polynomial {
+   # Is linear or poly?
+   IsLinear: boolean;
+   Factors: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Quantile/QuantileEstimationGK.html b/vignettes/clr/Microsoft/VisualBasic/Math/Quantile/QuantileEstimationGK.html new file mode 100644 index 0000000..93f6e5f --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Quantile/QuantileEstimationGK.html @@ -0,0 +1,53 @@ + + + + + Microsoft.VisualBasic.Math.Quantile.QuantileEstimationGK + + + + + + +
+ + + + + + +
QuantileEstimationGK {Microsoft.VisualBasic.Math.Quantile}.NET clr documentation
+ +

QuantileEstimationGK

+ +

Description

+ + 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 + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.Quantile
+export class QuantileEstimationGK {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Scripting/MathExpression/Impl/Expression.html b/vignettes/clr/Microsoft/VisualBasic/Math/Scripting/MathExpression/Impl/Expression.html new file mode 100644 index 0000000..16ab2c4 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Scripting/MathExpression/Impl/Expression.html @@ -0,0 +1,48 @@ + + + + + Microsoft.VisualBasic.Math.Scripting.MathExpression.Impl.Expression + + + + + + +
+ + + + + + +
Expression {Microsoft.VisualBasic.Math.Scripting.MathExpression.Impl}.NET clr documentation
+ +

Expression

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.Scripting.MathExpression.Impl
+export class Expression {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/SignalProcessing/GeneralSignal.html b/vignettes/clr/Microsoft/VisualBasic/Math/SignalProcessing/GeneralSignal.html new file mode 100644 index 0000000..2fc4953 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/SignalProcessing/GeneralSignal.html @@ -0,0 +1,59 @@ + + + + + Microsoft.VisualBasic.Math.SignalProcessing.GeneralSignal + + + + + + +
+ + + + + + +
GeneralSignal {Microsoft.VisualBasic.Math.SignalProcessing}.NET clr documentation
+ +

GeneralSignal

+ +

Description

+ + + +

Declare

+ +
+            
+# 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/SignalProcessing/PeakFinding/SignalPeak.html b/vignettes/clr/Microsoft/VisualBasic/Math/SignalProcessing/PeakFinding/SignalPeak.html new file mode 100644 index 0000000..0a9f936 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/SignalProcessing/PeakFinding/SignalPeak.html @@ -0,0 +1,54 @@ + + + + + Microsoft.VisualBasic.Math.SignalProcessing.PeakFinding.SignalPeak + + + + + + +
+ + + + + + +
SignalPeak {Microsoft.VisualBasic.Math.SignalProcessing.PeakFinding}.NET clr documentation
+ +

SignalPeak

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.SignalProcessing.PeakFinding
+export class SignalPeak {
+   isEmpty: boolean;
+   rt: double;
+   rtmin: double;
+   rtmax: double;
+   signalMax: double;
+   snratio: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/ANOVA/MultivariateAnalysisResult.html b/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/ANOVA/MultivariateAnalysisResult.html new file mode 100644 index 0000000..894afa0 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/ANOVA/MultivariateAnalysisResult.html @@ -0,0 +1,78 @@ + + + + + Microsoft.VisualBasic.Math.Statistics.Hypothesis.ANOVA.MultivariateAnalysisResult + + + + + + +
+ + + + + + +
MultivariateAnalysisResult {Microsoft.VisualBasic.Math.Statistics.Hypothesis.ANOVA}.NET clr documentation
+ +

MultivariateAnalysisResult

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.Statistics.Hypothesis.ANOVA
+export class MultivariateAnalysisResult {
+   # model set
+   StatisticsObject: StatisticsObject;
+   analysis: Type;
+   NFold: integer;
+   OptimizedFactor: integer;
+   OptimizedOrthoFactor: integer;
+   SsCVs: ObservableCollection`1;
+   Presses: ObservableCollection`1;
+   Totals: ObservableCollection`1;
+   Q2Values: ObservableCollection`1;
+   Q2Cums: ObservableCollection`1;
+   SsPreds: ObservableCollection`1;
+   CPreds: ObservableCollection`1;
+   UPreds: ObservableCollection`1;
+   TPreds: ObservableCollection`1;
+   WPreds: ObservableCollection`1;
+   PPreds: ObservableCollection`1;
+   Coefficients: ObservableCollection`1;
+   Vips: ObservableCollection`1;
+   PredictedYs: ObservableCollection`1;
+   Rmsee: double;
+   ToPreds: ObservableCollection`1;
+   WoPreds: ObservableCollection`1;
+   PoPreds: ObservableCollection`1;
+   stdevT: double;
+   StdevFilteredXs: ObservableCollection`1;
+   FilteredXArray: Double[,];
+   PPredCovs: ObservableCollection`1;
+   PPredCoeffs: ObservableCollection`1;
+   Contributions: ObservableCollection`1;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/FishersExact/FishersExactPvalues.html b/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/FishersExact/FishersExactPvalues.html new file mode 100644 index 0000000..67ae99f --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/FishersExact/FishersExactPvalues.html @@ -0,0 +1,61 @@ + + + + + Microsoft.VisualBasic.Math.Statistics.Hypothesis.FishersExact.FishersExactPvalues + + + + + + +
+ + + + + + +
FishersExactPvalues {Microsoft.VisualBasic.Math.Statistics.Hypothesis.FishersExact}.NET clr documentation
+ +

FishersExactPvalues

+ +

Description

+ + `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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/TtestResult.html b/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/TtestResult.html new file mode 100644 index 0000000..b39927f --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/TtestResult.html @@ -0,0 +1,61 @@ + + + + + Microsoft.VisualBasic.Math.Statistics.Hypothesis.TtestResult + + + + + + +
+ + + + + + +
TtestResult {Microsoft.VisualBasic.Math.Statistics.Hypothesis}.NET clr documentation
+ +

TtestResult

+ +

Description

+ + + +

Declare

+ +
+            
+# 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/TwoSampleResult.html b/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/TwoSampleResult.html new file mode 100644 index 0000000..7956d37 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Math/Statistics/Hypothesis/TwoSampleResult.html @@ -0,0 +1,60 @@ + + + + + Microsoft.VisualBasic.Math.Statistics.Hypothesis.TwoSampleResult + + + + + + +
+ + + + + + +
TwoSampleResult {Microsoft.VisualBasic.Math.Statistics.Hypothesis}.NET clr documentation
+ +

TwoSampleResult

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Microsoft.VisualBasic.Math.Statistics.Hypothesis
+export class TwoSampleResult {
+   MeanX: double;
+   MeanY: double;
+   y: double;
+   DegreeFreedom: double;
+   Pvalue: double;
+   TestValue: double;
+   opt: Topt;
+   Mean: double;
+   StdErr: double;
+   SD: double;
+   x: double;
+   ci95: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Microsoft/VisualBasic/Net/Http/WebResponseResult.html b/vignettes/clr/Microsoft/VisualBasic/Net/Http/WebResponseResult.html new file mode 100644 index 0000000..3e20e05 --- /dev/null +++ b/vignettes/clr/Microsoft/VisualBasic/Net/Http/WebResponseResult.html @@ -0,0 +1,54 @@ + + + + + Microsoft.VisualBasic.Net.Http.WebResponseResult + + + + + + +
+ + + + + + +
WebResponseResult {Microsoft.VisualBasic.Net.Http}.NET clr documentation
+ +

WebResponseResult

+ +

Description

+ + + +

Declare

+ +
+            
+# 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/Rlapack/lmCall.html b/vignettes/clr/Rlapack/lmCall.html new file mode 100644 index 0000000..3ff58da --- /dev/null +++ b/vignettes/clr/Rlapack/lmCall.html @@ -0,0 +1,58 @@ + + + + + Rlapack.lmCall + + + + + + +
+ + + + + + +
lmCall {Rlapack}.NET clr documentation
+ +

lmCall

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace Rlapack
+export class lmCall {
+   lm: IFitted;
+   formula: FormulaExpression;
+   name: string;
+   variables: string;
+   data: string;
+   weights: string;
+   R2: double;
+   equation: string;
+   factors: double;
+   summary: list;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/Development/CommandLine/ShellScript.html b/vignettes/clr/SMRUCC/Rsharp/Development/CommandLine/ShellScript.html new file mode 100644 index 0000000..a9ba4c0 --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/Development/CommandLine/ShellScript.html @@ -0,0 +1,50 @@ + + + + + SMRUCC.Rsharp.Development.CommandLine.ShellScript + + + + + + +
+ + + + + + +
ShellScript {SMRUCC.Rsharp.Development.CommandLine}.NET clr documentation
+ +

ShellScript

+ +

Description

+ + the R# shell script commandline arguments helper module + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.Development.CommandLine
+export class ShellScript {
+   message: string;
+   argumentList: list;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/Development/Components/FileReference.html b/vignettes/clr/SMRUCC/Rsharp/Development/Components/FileReference.html new file mode 100644 index 0000000..0d82a98 --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/Development/Components/FileReference.html @@ -0,0 +1,51 @@ + + + + + SMRUCC.Rsharp.Development.Components.FileReference + + + + + + +
+ + + + + + +
FileReference {SMRUCC.Rsharp.Development.Components}.NET clr documentation
+ +

FileReference

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.Development.Components
+export class FileReference {
+   # The file object reference inside the given @``P:SMRUCC.Rsharp.Development.Components.FileReference.fs`` wrapper
+   filepath: string;
+   fs: IFileSystemEnvironment;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/Interpreter/ExecuteEngine/Expression.html b/vignettes/clr/SMRUCC/Rsharp/Interpreter/ExecuteEngine/Expression.html new file mode 100644 index 0000000..a2d2309 --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/Interpreter/ExecuteEngine/Expression.html @@ -0,0 +1,54 @@ + + + + + SMRUCC.Rsharp.Interpreter.ExecuteEngine.Expression + + + + + + +
+ + + + + + +
Expression {SMRUCC.Rsharp.Interpreter.ExecuteEngine}.NET clr documentation
+ +

Expression

+ +

Description

+ + An expression object model in R# language interpreter + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.Interpreter.ExecuteEngine
+export class Expression {
+   # 推断出的这个表达式可能产生的值的类型
+   type: TypeCodes;
+   # debug used...
+   expressionName: ExpressionTypes;
+   # is a function?
+   isCallable: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/Interpreter/ExecuteEngine/ExpressionSymbols/Closure/DeclareLambdaFunction.html b/vignettes/clr/SMRUCC/Rsharp/Interpreter/ExecuteEngine/ExpressionSymbols/Closure/DeclareLambdaFunction.html new file mode 100644 index 0000000..6f7e799 --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/Interpreter/ExecuteEngine/ExpressionSymbols/Closure/DeclareLambdaFunction.html @@ -0,0 +1,56 @@ + + + + + SMRUCC.Rsharp.Interpreter.ExecuteEngine.ExpressionSymbols.Closure.DeclareLambdaFunction + + + + + + +
+ + + + + + +
DeclareLambdaFunction {SMRUCC.Rsharp.Interpreter.ExecuteEngine.ExpressionSymbols.Closure}.NET clr documentation
+ +

DeclareLambdaFunction

+ +

Description

+ + 只允许简单的表达式出现在这里 + 并且参数也只允许出现一个 + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.Interpreter.ExecuteEngine.ExpressionSymbols.Closure
+export class DeclareLambdaFunction {
+   type: TypeCodes;
+   expressionName: ExpressionTypes;
+   name: string;
+   stackFrame: StackFrame;
+   closure: Expression;
+   parameterNames: string;
+   isCallable: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/RDataSet/Struct/RData.html b/vignettes/clr/SMRUCC/Rsharp/RDataSet/Struct/RData.html new file mode 100644 index 0000000..394e4e6 --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/RDataSet/Struct/RData.html @@ -0,0 +1,48 @@ + + + + + SMRUCC.Rsharp.RDataSet.Struct.RData + + + + + + +
+ + + + + + +
RData {SMRUCC.Rsharp.RDataSet.Struct}.NET clr documentation
+ +

RData

+ +

Description

+ + Data contained in a R file. + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.RDataSet.Struct
+export class RData {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/list.html b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/list.html new file mode 100644 index 0000000..89163d9 --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/list.html @@ -0,0 +1,54 @@ + + + + + SMRUCC.Rsharp.Runtime.Internal.Object.list + + + + + + +
+ + + + + + +
list {SMRUCC.Rsharp.Runtime.Internal.Object}.NET clr documentation
+ +

list

+ +

Description

+ + A tuple paired list object model + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.Runtime.Internal.Object
+export class list {
+   slots: list;
+   # gets the @``P:SMRUCC.Rsharp.Runtime.Internal.Object.list.slots`` collection size
+   length: integer;
+   # get all values collection from the ``slots`` symbol.
+   data: IEnumerable`1;
+   elementType: RType;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/matrix.html b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/matrix.html new file mode 100644 index 0000000..5d77dad --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/matrix.html @@ -0,0 +1,50 @@ + + + + + SMRUCC.Rsharp.Runtime.Internal.Object.matrix + + + + + + +
+ + + + + + +
matrix {SMRUCC.Rsharp.Runtime.Internal.Object}.NET clr documentation
+ +

matrix

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.Runtime.Internal.Object
+export class matrix {
+   mat: Array;
+   elementType: RType;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ 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;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/vector.html b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/vector.html new file mode 100644 index 0000000..f9ce43c --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/Runtime/Internal/Object/vector.html @@ -0,0 +1,54 @@ + + + + + SMRUCC.Rsharp.Runtime.Internal.Object.vector + + + + + + +
+ + + + + + +
vector {SMRUCC.Rsharp.Runtime.Internal.Object}.NET clr documentation
+ +

vector

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.Runtime.Internal.Object
+export class vector {
+   data: Array;
+   # do conversion from current vector to another scale.
+   unit: unit;
+   factor: factor;
+   length: integer;
+   elementType: RType;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/SMRUCC/Rsharp/Runtime/Interop/RDispose.html b/vignettes/clr/SMRUCC/Rsharp/Runtime/Interop/RDispose.html new file mode 100644 index 0000000..1dd55f7 --- /dev/null +++ b/vignettes/clr/SMRUCC/Rsharp/Runtime/Interop/RDispose.html @@ -0,0 +1,52 @@ + + + + + SMRUCC.Rsharp.Runtime.Interop.RDispose + + + + + + +
+ + + + + + +
RDispose {SMRUCC.Rsharp.Runtime.Interop}.NET clr documentation
+ +

RDispose

+ +

Description

+ + Helper for implements using in R# + +

Declare

+ +
+            
+# namespace SMRUCC.Rsharp.Runtime.Interop
+export class RDispose {
+   type: RType;
+   env: Environment;
+   HasValue: boolean;
+   Value: any kind;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Boolean.html b/vignettes/clr/System/Boolean.html new file mode 100644 index 0000000..1c1768c --- /dev/null +++ b/vignettes/clr/System/Boolean.html @@ -0,0 +1,48 @@ + + + + + System.Boolean + + + + + + +
+ + + + + + +
Boolean {System}.NET clr documentation
+ +

Boolean

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Boolean {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Byte.html b/vignettes/clr/System/Byte.html new file mode 100644 index 0000000..68601fa --- /dev/null +++ b/vignettes/clr/System/Byte.html @@ -0,0 +1,48 @@ + + + + + System.Byte + + + + + + +
+ + + + + + +
Byte {System}.NET clr documentation
+ +

Byte

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Byte {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Char.html b/vignettes/clr/System/Char.html new file mode 100644 index 0000000..9f24b92 --- /dev/null +++ b/vignettes/clr/System/Char.html @@ -0,0 +1,48 @@ + + + + + System.Char + + + + + + +
+ + + + + + +
Char {System}.NET clr documentation
+ +

Char

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Char {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Double.html b/vignettes/clr/System/Double.html new file mode 100644 index 0000000..9b43cd3 --- /dev/null +++ b/vignettes/clr/System/Double.html @@ -0,0 +1,48 @@ + + + + + System.Double + + + + + + +
+ + + + + + +
Double {System}.NET clr documentation
+ +

Double

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Double {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Drawing/Bitmap.html b/vignettes/clr/System/Drawing/Bitmap.html new file mode 100644 index 0000000..d953b13 --- /dev/null +++ b/vignettes/clr/System/Drawing/Bitmap.html @@ -0,0 +1,62 @@ + + + + + System.Drawing.Bitmap + + + + + + +
+ + + + + + +
Bitmap {System.Drawing}.NET clr documentation
+ +

Bitmap

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.Drawing
+export class Bitmap {
+   Tag: any kind;
+   PhysicalDimension: SizeF;
+   Size: Size;
+   Width: integer;
+   Height: integer;
+   HorizontalResolution: double;
+   VerticalResolution: double;
+   Flags: integer;
+   RawFormat: ImageFormat;
+   PixelFormat: PixelFormat;
+   PropertyIdList: integer;
+   PropertyItems: PropertyItem[];
+   FrameDimensionsList: Guid[];
+   Palette: ColorPalette;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Drawing/Image.html b/vignettes/clr/System/Drawing/Image.html new file mode 100644 index 0000000..da38ba2 --- /dev/null +++ b/vignettes/clr/System/Drawing/Image.html @@ -0,0 +1,62 @@ + + + + + System.Drawing.Image + + + + + + +
+ + + + + + +
Image {System.Drawing}.NET clr documentation
+ +

Image

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.Drawing
+export class Image {
+   Tag: any kind;
+   PhysicalDimension: SizeF;
+   Size: Size;
+   Width: integer;
+   Height: integer;
+   HorizontalResolution: double;
+   VerticalResolution: double;
+   Flags: integer;
+   RawFormat: ImageFormat;
+   PixelFormat: PixelFormat;
+   PropertyIdList: integer;
+   PropertyItems: PropertyItem[];
+   FrameDimensionsList: Guid[];
+   Palette: ColorPalette;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Drawing/Point.html b/vignettes/clr/System/Drawing/Point.html new file mode 100644 index 0000000..48ef2f3 --- /dev/null +++ b/vignettes/clr/System/Drawing/Point.html @@ -0,0 +1,51 @@ + + + + + System.Drawing.Point + + + + + + +
+ + + + + + +
Point {System.Drawing}.NET clr documentation
+ +

Point

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.Drawing
+export class Point {
+   IsEmpty: boolean;
+   X: integer;
+   Y: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Drawing/PointF.html b/vignettes/clr/System/Drawing/PointF.html new file mode 100644 index 0000000..282e696 --- /dev/null +++ b/vignettes/clr/System/Drawing/PointF.html @@ -0,0 +1,51 @@ + + + + + System.Drawing.PointF + + + + + + +
+ + + + + + +
PointF {System.Drawing}.NET clr documentation
+ +

PointF

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.Drawing
+export class PointF {
+   IsEmpty: boolean;
+   X: double;
+   Y: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Drawing/Rectangle.html b/vignettes/clr/System/Drawing/Rectangle.html new file mode 100644 index 0000000..2509165 --- /dev/null +++ b/vignettes/clr/System/Drawing/Rectangle.html @@ -0,0 +1,59 @@ + + + + + System.Drawing.Rectangle + + + + + + +
+ + + + + + +
Rectangle {System.Drawing}.NET clr documentation
+ +

Rectangle

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.Drawing
+export class Rectangle {
+   Location: Point;
+   Size: Size;
+   X: integer;
+   Y: integer;
+   Width: integer;
+   Height: integer;
+   Left: integer;
+   Top: integer;
+   Right: integer;
+   Bottom: integer;
+   IsEmpty: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Drawing/RectangleF.html b/vignettes/clr/System/Drawing/RectangleF.html new file mode 100644 index 0000000..dfba291 --- /dev/null +++ b/vignettes/clr/System/Drawing/RectangleF.html @@ -0,0 +1,59 @@ + + + + + System.Drawing.RectangleF + + + + + + +
+ + + + + + +
RectangleF {System.Drawing}.NET clr documentation
+ +

RectangleF

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.Drawing
+export class RectangleF {
+   Location: PointF;
+   Size: SizeF;
+   X: double;
+   Y: double;
+   Width: double;
+   Height: double;
+   Left: double;
+   Top: double;
+   Right: double;
+   Bottom: double;
+   IsEmpty: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Drawing/Size.html b/vignettes/clr/System/Drawing/Size.html new file mode 100644 index 0000000..a903793 --- /dev/null +++ b/vignettes/clr/System/Drawing/Size.html @@ -0,0 +1,51 @@ + + + + + System.Drawing.Size + + + + + + +
+ + + + + + +
Size {System.Drawing}.NET clr documentation
+ +

Size

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.Drawing
+export class Size {
+   IsEmpty: boolean;
+   Width: integer;
+   Height: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Drawing/SizeF.html b/vignettes/clr/System/Drawing/SizeF.html new file mode 100644 index 0000000..b06b781 --- /dev/null +++ b/vignettes/clr/System/Drawing/SizeF.html @@ -0,0 +1,51 @@ + + + + + System.Drawing.SizeF + + + + + + +
+ + + + + + +
SizeF {System.Drawing}.NET clr documentation
+ +

SizeF

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.Drawing
+export class SizeF {
+   IsEmpty: boolean;
+   Width: double;
+   Height: double;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/IO/MemoryStream.html b/vignettes/clr/System/IO/MemoryStream.html new file mode 100644 index 0000000..96e3fb0 --- /dev/null +++ b/vignettes/clr/System/IO/MemoryStream.html @@ -0,0 +1,57 @@ + + + + + System.IO.MemoryStream + + + + + + +
+ + + + + + +
MemoryStream {System.IO}.NET clr documentation
+ +

MemoryStream

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.IO
+export class MemoryStream {
+   CanRead: boolean;
+   CanSeek: boolean;
+   CanWrite: boolean;
+   Capacity: integer;
+   Length: integer;
+   Position: integer;
+   CanTimeout: boolean;
+   ReadTimeout: integer;
+   WriteTimeout: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/IO/Stream.html b/vignettes/clr/System/IO/Stream.html new file mode 100644 index 0000000..89488ef --- /dev/null +++ b/vignettes/clr/System/IO/Stream.html @@ -0,0 +1,56 @@ + + + + + System.IO.Stream + + + + + + +
+ + + + + + +
Stream {System.IO}.NET clr documentation
+ +

Stream

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System.IO
+export class Stream {
+   CanRead: boolean;
+   CanWrite: boolean;
+   CanSeek: boolean;
+   CanTimeout: boolean;
+   Length: integer;
+   Position: integer;
+   ReadTimeout: integer;
+   WriteTimeout: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Int16.html b/vignettes/clr/System/Int16.html new file mode 100644 index 0000000..43030b6 --- /dev/null +++ b/vignettes/clr/System/Int16.html @@ -0,0 +1,48 @@ + + + + + System.Int16 + + + + + + +
+ + + + + + +
Int16 {System}.NET clr documentation
+ +

Int16

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Int16 {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Int32.html b/vignettes/clr/System/Int32.html new file mode 100644 index 0000000..3bbde7c --- /dev/null +++ b/vignettes/clr/System/Int32.html @@ -0,0 +1,48 @@ + + + + + System.Int32 + + + + + + +
+ + + + + + +
Int32 {System}.NET clr documentation
+ +

Int32

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Int32 {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Int64.html b/vignettes/clr/System/Int64.html new file mode 100644 index 0000000..a66fb95 --- /dev/null +++ b/vignettes/clr/System/Int64.html @@ -0,0 +1,48 @@ + + + + + System.Int64 + + + + + + +
+ + + + + + +
Int64 {System}.NET clr documentation
+ +

Int64

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Int64 {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Object.html b/vignettes/clr/System/Object.html new file mode 100644 index 0000000..2c61a8f --- /dev/null +++ b/vignettes/clr/System/Object.html @@ -0,0 +1,48 @@ + + + + + System.Object + + + + + + +
+ + + + + + +
Object {System}.NET clr documentation
+ +

Object

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Object {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Single.html b/vignettes/clr/System/Single.html new file mode 100644 index 0000000..188325b --- /dev/null +++ b/vignettes/clr/System/Single.html @@ -0,0 +1,48 @@ + + + + + System.Single + + + + + + +
+ + + + + + +
Single {System}.NET clr documentation
+ +

Single

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Single {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/String.html b/vignettes/clr/System/String.html new file mode 100644 index 0000000..323586b --- /dev/null +++ b/vignettes/clr/System/String.html @@ -0,0 +1,49 @@ + + + + + System.String + + + + + + +
+ + + + + + +
String {System}.NET clr documentation
+ +

String

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class String {
+   Length: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/System/Type.html b/vignettes/clr/System/Type.html new file mode 100644 index 0000000..19bbc8e --- /dev/null +++ b/vignettes/clr/System/Type.html @@ -0,0 +1,119 @@ + + + + + System.Type + + + + + + +
+ + + + + + +
Type {System}.NET clr documentation
+ +

Type

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace System
+export class Type {
+   IsInterface: boolean;
+   MemberType: MemberTypes;
+   Namespace: string;
+   AssemblyQualifiedName: string;
+   FullName: string;
+   Assembly: Assembly;
+   Module: Module;
+   IsNested: boolean;
+   DeclaringType: Type;
+   DeclaringMethod: MethodBase;
+   ReflectedType: Type;
+   UnderlyingSystemType: Type;
+   IsTypeDefinition: boolean;
+   IsArray: boolean;
+   IsByRef: boolean;
+   IsPointer: boolean;
+   IsConstructedGenericType: boolean;
+   IsGenericParameter: boolean;
+   IsGenericTypeParameter: boolean;
+   IsGenericMethodParameter: boolean;
+   IsGenericType: boolean;
+   IsGenericTypeDefinition: boolean;
+   IsSZArray: boolean;
+   IsVariableBoundArray: boolean;
+   IsByRefLike: boolean;
+   HasElementType: boolean;
+   GenericTypeArguments: Type[];
+   GenericParameterPosition: integer;
+   GenericParameterAttributes: GenericParameterAttributes;
+   Attributes: TypeAttributes;
+   IsAbstract: boolean;
+   IsImport: boolean;
+   IsSealed: boolean;
+   IsSpecialName: boolean;
+   IsClass: boolean;
+   IsNestedAssembly: boolean;
+   IsNestedFamANDAssem: boolean;
+   IsNestedFamily: boolean;
+   IsNestedFamORAssem: boolean;
+   IsNestedPrivate: boolean;
+   IsNestedPublic: boolean;
+   IsNotPublic: boolean;
+   IsPublic: boolean;
+   IsAutoLayout: boolean;
+   IsExplicitLayout: boolean;
+   IsLayoutSequential: boolean;
+   IsAnsiClass: boolean;
+   IsAutoClass: boolean;
+   IsUnicodeClass: boolean;
+   IsCOMObject: boolean;
+   IsContextful: boolean;
+   IsEnum: boolean;
+   IsMarshalByRef: boolean;
+   IsPrimitive: boolean;
+   IsValueType: boolean;
+   IsSignatureType: boolean;
+   IsSecurityCritical: boolean;
+   IsSecuritySafeCritical: boolean;
+   IsSecurityTransparent: boolean;
+   StructLayoutAttribute: StructLayoutAttribute;
+   TypeInitializer: ConstructorInfo;
+   TypeHandle: RuntimeTypeHandle;
+   GUID: Guid;
+   BaseType: Type;
+   IsSerializable: boolean;
+   ContainsGenericParameters: boolean;
+   IsVisible: boolean;
+   Name: string;
+   CustomAttributes: IEnumerable`1;
+   IsCollectible: boolean;
+   MetadataToken: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/igraph_network/E.html b/vignettes/clr/igraph_network/E.html new file mode 100644 index 0000000..0946676 --- /dev/null +++ b/vignettes/clr/igraph_network/E.html @@ -0,0 +1,50 @@ + + + + + igraph_network.E + + + + + + +
+ + + + + + +
E {igraph_network}.NET clr documentation
+ +

E

+ +

Description

+ + edge attribute data visistor + +

Declare

+ +
+            
+# namespace igraph_network
+export class E {
+   size: integer;
+   weight: vector;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/igraph_network/V.html b/vignettes/clr/igraph_network/V.html new file mode 100644 index 0000000..c6e1566 --- /dev/null +++ b/vignettes/clr/igraph_network/V.html @@ -0,0 +1,50 @@ + + + + + igraph_network.V + + + + + + +
+ + + + + + +
V {igraph_network}.NET clr documentation
+ +

V

+ +

Description

+ + node attribute data visitor + +

Declare

+ +
+            
+# namespace igraph_network
+export class V {
+   # the size of the vertex collection in this data visitor model
+   size: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/signalKit/LinearFunction.html b/vignettes/clr/signalKit/LinearFunction.html new file mode 100644 index 0000000..da0f165 --- /dev/null +++ b/vignettes/clr/signalKit/LinearFunction.html @@ -0,0 +1,48 @@ + + + + + signalKit.LinearFunction + + + + + + +
+ + + + + + +
LinearFunction {signalKit}.NET clr documentation
+ +

LinearFunction

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace signalKit
+export class LinearFunction {
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/snowFall/workerList.html b/vignettes/clr/snowFall/workerList.html new file mode 100644 index 0000000..6ad4817 --- /dev/null +++ b/vignettes/clr/snowFall/workerList.html @@ -0,0 +1,51 @@ + + + + + snowFall.workerList + + + + + + +
+ + + + + + +
workerList {snowFall}.NET clr documentation
+ +

workerList

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace snowFall
+export class workerList {
+   host: string;
+   port: integer;
+   outfile: string;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/webKit/WebTextQuery.html b/vignettes/clr/webKit/WebTextQuery.html new file mode 100644 index 0000000..8e39ba9 --- /dev/null +++ b/vignettes/clr/webKit/WebTextQuery.html @@ -0,0 +1,50 @@ + + + + + webKit.WebTextQuery + + + + + + +
+ + + + + + +
WebTextQuery {webKit}.NET clr documentation
+ +

WebTextQuery

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace webKit
+export class WebTextQuery {
+   fs: IFileSystemEnvironment;
+   offlineMode: boolean;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/clr/webKit/jQuery.html b/vignettes/clr/webKit/jQuery.html new file mode 100644 index 0000000..4239585 --- /dev/null +++ b/vignettes/clr/webKit/jQuery.html @@ -0,0 +1,49 @@ + + + + + webKit.jQuery + + + + + + +
+ + + + + + +
jQuery {webKit}.NET clr documentation
+ +

jQuery

+ +

Description

+ + + +

Declare

+ +
+            
+# namespace webKit
+export class jQuery {
+   length: integer;
+}
+
+        
+ +
+
[Package {$package} version {$version} Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio.html b/vignettes/devkit/VisualStudio.html new file mode 100644 index 0000000..de16403 --- /dev/null +++ b/vignettes/devkit/VisualStudio.html @@ -0,0 +1,148 @@ + + + + + + + VisualStudio + + + + + + + + + + + + + + + + + + + + + + + +
{VisualStudio}R# Documentation
+

VisualStudio

+
+

+ + require(R); +

#' VisualBasic.NET application development kit
imports "VisualStudio" from "devkit"; +
+

+

VisualBasic.NET application development kit

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ AssemblyInfo +

Get .NET library module assembly information data.

+ sourceFiles +
+ read.vbproj +
+ read.banner +
+ write.code_banner +
+ svn.log +
+ git.log +
+ il +

show IL assembly code of the given R# api

+ sourceMap +

parse source map

+ sourceMap_encode +
+ inspect +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/AssemblyInfo.html b/vignettes/devkit/VisualStudio/AssemblyInfo.html new file mode 100644 index 0000000..e713be9 --- /dev/null +++ b/vignettes/devkit/VisualStudio/AssemblyInfo.html @@ -0,0 +1,67 @@ + + + + + Get .NET library module assembly information data. + + + + + + +
+ + + + + + +
AssemblyInfo {VisualStudio}R Documentation
+ +

Get .NET library module assembly information data.

+ +

Description

+ + + +

Usage

+ +
+
AssemblyInfo(dllfile);
+
+ +

Arguments

+ + + +
dllfile
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type AssemblyInfo.

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/git.log.html b/vignettes/devkit/VisualStudio/git.log.html new file mode 100644 index 0000000..da37bc4 --- /dev/null +++ b/vignettes/devkit/VisualStudio/git.log.html @@ -0,0 +1,64 @@ + + + + + git.log + + + + + + +
+ + + + + + +
git.log {VisualStudio}R Documentation
+ +

git.log

+ +

Description

+ + git.log + +

Usage

+ +
+
git.log(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type log[].

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/inspect.html b/vignettes/devkit/VisualStudio/inspect.html new file mode 100644 index 0000000..e26bae6 --- /dev/null +++ b/vignettes/devkit/VisualStudio/inspect.html @@ -0,0 +1,71 @@ + + + + + + + + + + + +
+ + + + + + +
inspect {VisualStudio}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
inspect(script);
+
+ +

Arguments

+ + + +
script
+

the file path of the target script

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/read.banner.html b/vignettes/devkit/VisualStudio/read.banner.html new file mode 100644 index 0000000..6c59008 --- /dev/null +++ b/vignettes/devkit/VisualStudio/read.banner.html @@ -0,0 +1,64 @@ + + + + + read.banner + + + + + + +
+ + + + + + +
read.banner {VisualStudio}R Documentation
+ +

read.banner

+ +

Description

+ + read.banner + +

Usage

+ +
+
read.banner(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type LicenseInfo.

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/read.vbproj.html b/vignettes/devkit/VisualStudio/read.vbproj.html new file mode 100644 index 0000000..a2f4cde --- /dev/null +++ b/vignettes/devkit/VisualStudio/read.vbproj.html @@ -0,0 +1,65 @@ + + + + + read.vbproj + + + + + + +
+ + + + + + +
read.vbproj {VisualStudio}R Documentation
+ +

read.vbproj

+ +

Description

+ + read.vbproj + +

Usage

+ +
+
read.vbproj(file,
+    legacy = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Project.

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/sourceFiles.html b/vignettes/devkit/VisualStudio/sourceFiles.html new file mode 100644 index 0000000..3ddd9a2 --- /dev/null +++ b/vignettes/devkit/VisualStudio/sourceFiles.html @@ -0,0 +1,64 @@ + + + + + sourceFiles + + + + + + +
+ + + + + + +
sourceFiles {VisualStudio}R Documentation
+ +

sourceFiles

+ +

Description

+ + sourceFiles + +

Usage

+ +
+
sourceFiles(vbproj);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/sourceMap.html b/vignettes/devkit/VisualStudio/sourceMap.html new file mode 100644 index 0000000..e564149 --- /dev/null +++ b/vignettes/devkit/VisualStudio/sourceMap.html @@ -0,0 +1,67 @@ + + + + + parse source map + + + + + + +
+ + + + + + +
sourceMap {VisualStudio}R Documentation
+ +

parse source map

+ +

Description

+ + + +

Usage

+ +
+
sourceMap(sourceMap);
+
+ +

Arguments

+ + + +
sourceMap
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type mappingLine[].

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/sourceMap_encode.html b/vignettes/devkit/VisualStudio/sourceMap_encode.html new file mode 100644 index 0000000..52ef640 --- /dev/null +++ b/vignettes/devkit/VisualStudio/sourceMap_encode.html @@ -0,0 +1,64 @@ + + + + + sourceMap_encode + + + + + + +
+ + + + + + +
sourceMap_encode {VisualStudio}R Documentation
+ +

sourceMap_encode

+ +

Description

+ + sourceMap_encode + +

Usage

+ +
+
sourceMap_encode(symbols, file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type sourceMap.

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/svn.log.html b/vignettes/devkit/VisualStudio/svn.log.html new file mode 100644 index 0000000..59cd190 --- /dev/null +++ b/vignettes/devkit/VisualStudio/svn.log.html @@ -0,0 +1,64 @@ + + + + + svn.log + + + + + + +
+ + + + + + +
svn.log {VisualStudio}R Documentation
+ +

svn.log

+ +

Description

+ + svn.log + +

Usage

+ +
+
svn.log(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type log[].

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/VisualStudio/write.code_banner.html b/vignettes/devkit/VisualStudio/write.code_banner.html new file mode 100644 index 0000000..0abdf0f --- /dev/null +++ b/vignettes/devkit/VisualStudio/write.code_banner.html @@ -0,0 +1,65 @@ + + + + + write.code_banner + + + + + + +
+ + + + + + +
write.code_banner {VisualStudio}R Documentation
+ +

write.code_banner

+ +

Description

+ + write.code_banner + +

Usage

+ +
+
write.code_banner(file, banner,
+    rootDir = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type CodeStatics.

clr value class

+ +

Examples

+ + + +
+
[Package VisualStudio version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/automation.html b/vignettes/devkit/automation.html new file mode 100644 index 0000000..25294e9 --- /dev/null +++ b/vignettes/devkit/automation.html @@ -0,0 +1,94 @@ + + + + + + + automation + + + + + + + + + + + + + + + + + + + + + + + +
{automation}R# Documentation
+

automation

+
+

+ + require(R); +

#' utils tools api for create automation pipeline script via R# scripting language.
imports "automation" from "devkit"; +
+

+

utils tools api for create automation pipeline script via R# scripting language.

+
+

+ +

+
+
+ + + + + + + + + +
+ getConfig +
+ config.json +

create config.json data for given Rscript

+
+
+
[Document Index]
+ + \ 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.

clr value class

  • list
+ +

Examples

+ + + +
+
[Package automation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/automation/getConfig.html b/vignettes/devkit/automation/getConfig.html new file mode 100644 index 0000000..4ab0564 --- /dev/null +++ b/vignettes/devkit/automation/getConfig.html @@ -0,0 +1,64 @@ + + + + + getConfig + + + + + + +
+ + + + + + +
getConfig {automation}R Documentation
+ +

getConfig

+ +

Description

+ + getConfig + +

Usage

+ +
+
getConfig();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type list.

clr value class

  • list
+ +

Examples

+ + + +
+
[Package automation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/clr.html b/vignettes/devkit/clr.html new file mode 100644 index 0000000..9dd9dc8 --- /dev/null +++ b/vignettes/devkit/clr.html @@ -0,0 +1,100 @@ + + + + + + + clr + + + + + + + + + + + + + + + + + + + + + + + +
{clr}R# Documentation
+

clr

+
+

+ + require(R); +

#' .NET CLR tools
imports "clr" from "devkit"; +
+

+

.NET CLR tools

+
+

+ +

+
+
+ + + + + + + + + + + + + +
+ assembly +

load assembly from a given dll file

+ open +

get .NET clr type via the type fullName

+ call_clr +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/devkit/clr/assembly.html b/vignettes/devkit/clr/assembly.html new file mode 100644 index 0000000..9ce0a54 --- /dev/null +++ b/vignettes/devkit/clr/assembly.html @@ -0,0 +1,71 @@ + + + + + load assembly from a given dll file + + + + + + +
+ + + + + + +
assembly {clr}R Documentation
+ +

load assembly from a given dll file

+ +

Description

+ + + +

Usage

+ +
+
assembly(pstr);
+
+ +

Arguments

+ + + +
pstr
+

the dll file path or the assembly name string

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package clr version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/clr/call_clr.html b/vignettes/devkit/clr/call_clr.html new file mode 100644 index 0000000..fbad0a3 --- /dev/null +++ b/vignettes/devkit/clr/call_clr.html @@ -0,0 +1,65 @@ + + + + + call_clr + + + + + + +
+ + + + + + +
call_clr {clr}R Documentation
+ +

call_clr

+ +

Description

+ + call_clr + +

Usage

+ +
+
call_clr(lib, name,
+    ... = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package clr version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package clr version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/github.html b/vignettes/devkit/github.html new file mode 100644 index 0000000..cd9645c --- /dev/null +++ b/vignettes/devkit/github.html @@ -0,0 +1,94 @@ + + + + + + + github + + + + + + + + + + + + + + + + + + + + + + + +
{github}R# Documentation
+

github

+
+

+ + require(R); +

{$desc_comments}
imports "github" from "devkit"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + +
+ install +

install package from github repository

+ hotLoad +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/devkit/github/hotLoad.html b/vignettes/devkit/github/hotLoad.html new file mode 100644 index 0000000..7f51ae1 --- /dev/null +++ b/vignettes/devkit/github/hotLoad.html @@ -0,0 +1,65 @@ + + + + + hotLoad + + + + + + +
+ + + + + + +
hotLoad {github}R Documentation
+ +

hotLoad

+ +

Description

+ + hotLoad + +

Usage

+ +
+
hotLoad(source,
+    env = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package github version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/github/install.html b/vignettes/devkit/github/install.html new file mode 100644 index 0000000..efd03b7 --- /dev/null +++ b/vignettes/devkit/github/install.html @@ -0,0 +1,72 @@ + + + + + install package from github repository + + + + + + +
+ + + + + + +
install {github}R Documentation
+ +

install package from github repository

+ +

Description

+ + + +

Usage

+ +
+
install(source,
+    env = NULL);
+
+ +

Arguments

+ + + +
source
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package github version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/javascript.html b/vignettes/devkit/javascript.html new file mode 100644 index 0000000..a8ccf2e --- /dev/null +++ b/vignettes/devkit/javascript.html @@ -0,0 +1,88 @@ + + + + + + + javascript + + + + + + + + + + + + + + + + + + + + + + + +
{javascript}R# Documentation
+

javascript

+
+

+ + require(R); +

#' Polyglot
imports "javascript" from "devkit"; +
+

+

Polyglot

+
+

+ +

+
+
+ + + + + +
+ parse +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/devkit/javascript/parse.html b/vignettes/devkit/javascript/parse.html new file mode 100644 index 0000000..987cdc9 --- /dev/null +++ b/vignettes/devkit/javascript/parse.html @@ -0,0 +1,64 @@ + + + + + parse + + + + + + +
+ + + + + + +
parse {javascript}R Documentation
+ +

parse

+ +

Description

+ + parse + +

Usage

+ +
+
parse(script);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package javascript version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils.html b/vignettes/devkit/package_utils.html new file mode 100644 index 0000000..155cff4 --- /dev/null +++ b/vignettes/devkit/package_utils.html @@ -0,0 +1,142 @@ + + + + + + + package_utils + + + + + + + + + + + + + + + + + + + + + + + +
{package_utils}R# Documentation
+

package_utils

+
+

+ + require(R); +

{$desc_comments}
imports "package_utils" from "devkit"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ read +

parse raw bytes stream as R expression

+ loadPackage +

for debug used only

+ serialize +

serialize target R function expression as byte stream

+ parse +
+ attach +

attach and hotload of a package.

+ parseRData.raw +
+ unpackRData +
+ deserialize +
+ defineR +
+ parseDll +

parse the clr package module

+
+
+
[Document Index]
+ + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/defineR.html b/vignettes/devkit/package_utils/defineR.html new file mode 100644 index 0000000..59112b4 --- /dev/null +++ b/vignettes/devkit/package_utils/defineR.html @@ -0,0 +1,64 @@ + + + + + defineR + + + + + + +
+ + + + + + +
defineR {package_utils}R Documentation
+ +

defineR

+ +

Description

+ + defineR + +

Usage

+ +
+
defineR(package.dir);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/deserialize.html b/vignettes/devkit/package_utils/deserialize.html new file mode 100644 index 0000000..0510bb5 --- /dev/null +++ b/vignettes/devkit/package_utils/deserialize.html @@ -0,0 +1,64 @@ + + + + + deserialize + + + + + + +
+ + + + + + +
deserialize {package_utils}R Documentation
+ +

deserialize

+ +

Description

+ + deserialize + +

Usage

+ +
+
deserialize(rdata);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/loadPackage.html b/vignettes/devkit/package_utils/loadPackage.html new file mode 100644 index 0000000..515d153 --- /dev/null +++ b/vignettes/devkit/package_utils/loadPackage.html @@ -0,0 +1,71 @@ + + + + + for debug used only + + + + + + +
+ + + + + + +
loadPackage {package_utils}R Documentation
+ +

for debug used only

+ +

Description

+ + + +

Usage

+ +
+
loadPackage(dir);
+
+ +

Arguments

+ + + +
dir
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/parse.html b/vignettes/devkit/package_utils/parse.html new file mode 100644 index 0000000..9017d5b --- /dev/null +++ b/vignettes/devkit/package_utils/parse.html @@ -0,0 +1,64 @@ + + + + + parse + + + + + + +
+ + + + + + +
parse {package_utils}R Documentation
+ +

parse

+ +

Description

+ + parse + +

Usage

+ +
+
parse(rscript);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ShellScript.

clr value class

+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/parseDll.html b/vignettes/devkit/package_utils/parseDll.html new file mode 100644 index 0000000..2dfdce6 --- /dev/null +++ b/vignettes/devkit/package_utils/parseDll.html @@ -0,0 +1,67 @@ + + + + + parse the clr package module + + + + + + +
+ + + + + + +
parseDll {package_utils}R Documentation
+ +

parse the clr package module

+ +

Description

+ + + +

Usage

+ +
+
parseDll(dll);
+
+ +

Arguments

+ + + +
dll
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Package.

clr value class

+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/parseRData.raw.html b/vignettes/devkit/package_utils/parseRData.raw.html new file mode 100644 index 0000000..0bae9b4 --- /dev/null +++ b/vignettes/devkit/package_utils/parseRData.raw.html @@ -0,0 +1,64 @@ + + + + + parseRData.raw + + + + + + +
+ + + + + + +
parseRData.raw {package_utils}R Documentation
+ +

parseRData.raw

+ +

Description

+ + parseRData.raw + +

Usage

+ +
+
parseRData.raw(file);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type RData.

clr value class

+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/read.html b/vignettes/devkit/package_utils/read.html new file mode 100644 index 0000000..2b66135 --- /dev/null +++ b/vignettes/devkit/package_utils/read.html @@ -0,0 +1,71 @@ + + + + + parse raw bytes stream as R expression + + + + + + +
+ + + + + + +
read {package_utils}R Documentation
+ +

parse raw bytes stream as R expression

+ +

Description

+ + + +

Usage

+ +
+
read(raw);
+
+ +

Arguments

+ + + +
raw
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Expression.

clr value class

+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/serialize.html b/vignettes/devkit/package_utils/serialize.html new file mode 100644 index 0000000..2c14fc2 --- /dev/null +++ b/vignettes/devkit/package_utils/serialize.html @@ -0,0 +1,67 @@ + + + + + serialize target R function expression as byte stream + + + + + + +
+ + + + + + +
serialize {package_utils}R Documentation
+ +

serialize target R function expression as byte stream

+ +

Description

+ + + +

Usage

+ +
+
serialize(func);
+
+ +

Arguments

+ + + +
func
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/package_utils/unpackRData.html b/vignettes/devkit/package_utils/unpackRData.html new file mode 100644 index 0000000..efc42f5 --- /dev/null +++ b/vignettes/devkit/package_utils/unpackRData.html @@ -0,0 +1,64 @@ + + + + + unpackRData + + + + + + +
+ + + + + + +
unpackRData {package_utils}R Documentation
+ +

unpackRData

+ +

Description

+ + unpackRData + +

Usage

+ +
+
unpackRData(rdata);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type list.

clr value class

  • list
+ +

Examples

+ + + +
+
[Package package_utils version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/devkit/sqlite.html b/vignettes/devkit/sqlite.html new file mode 100644 index 0000000..fcce32b --- /dev/null +++ b/vignettes/devkit/sqlite.html @@ -0,0 +1,100 @@ + + + + + + + sqlite + + + + + + + + + + + + + + + + + + + + + + + +
{sqlite}R# Documentation
+

sqlite

+
+

+ + require(R); +

#' table reader for sqlite 3 database file
imports "sqlite" from "devkit"; +
+

+

table reader for sqlite 3 database file

+
+

+ +

+
+
+ + + + + + + + + + + + + +
+ open +

Open a connection to a local sqlite database file

+ ls +

get all data object that stored in the target sqlite database.

+ load +

export target table data

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/devkit/sqlite/load.html b/vignettes/devkit/sqlite/load.html new file mode 100644 index 0000000..c9e1574 --- /dev/null +++ b/vignettes/devkit/sqlite/load.html @@ -0,0 +1,75 @@ + + + + + export target table data + + + + + + +
+ + + + + + +
load {sqlite}R Documentation
+ +

export target table data

+ +

Description

+ + + +

Usage

+ +
+
load(con, tableName);
+
+ +

Arguments

+ + + +
con
+

a connection to the sqlite database

+ + +
tableName
+

the data table name

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type dataframe.

clr value class

+ +

Examples

+ + + +
+
[Package sqlite version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package sqlite version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package sqlite version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +
    +
  1. 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:

  2. +
+ +
OrRd:c[3,9], PuBu:c[3,9], BuPu:c[3,9], Oranges:c[3,9], BuGn:c[3,9], YlOrBr:c[3,9]
+YlGn:c[3,9], Reds:c[3,9], RdPu:c[3,9], Greens:c[3,9], YlGnBu:c[3,9], Purples:c[3,9]
+GnBu:c[3,9], Greys:c[3,9], YlOrRd:c[3,9], PuRd:c[3,9], Blues:c[3,9], PuBuGn:c[3,9]
+
+ +
    +
  1. 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:

  2. +
+ +
Set2:c[3,8], Accent:c[3,8], Set1:c[3,9], Set3:c[3,12], Dark2:c[3,8], Paired:c[3,12]
+Pastel2:c[3,8], Pastel1:c[3,9]
+
+ +
    +
  1. 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:

  2. +
+ +
Spectral:c[3,11], RdYlGn:c[3,11], RdBu:c[3,11], PiYG:c[3,11], PRGn:c[3,11], RdYlBu:c[3,11]
+BrBG:c[3,11], RdGy:c[3,11], PuOr:c[3,11]
+

+
+

+

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.

+ +
    +
  1. 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:

  2. +
+ +
OrRd:c[3,9], PuBu:c[3,9], BuPu:c[3,9], Oranges:c[3,9], BuGn:c[3,9], YlOrBr:c[3,9]
+YlGn:c[3,9], Reds:c[3,9], RdPu:c[3,9], Greens:c[3,9], YlGnBu:c[3,9], Purples:c[3,9]
+GnBu:c[3,9], Greys:c[3,9], YlOrRd:c[3,9], PuRd:c[3,9], Blues:c[3,9], PuBuGn:c[3,9]
+
+ +
    +
  1. 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:

  2. +
+ +
Set2:c[3,8], Accent:c[3,8], Set1:c[3,9], Set3:c[3,12], Dark2:c[3,8], Paired:c[3,12]
+Pastel2:c[3,8], Pastel1:c[3,9]
+
+ +
    +
  1. 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:

  2. +
+ +
Spectral:c[3,11], RdYlGn:c[3,11], RdBu:c[3,11], PiYG:c[3,11], PRGn:c[3,11], RdYlBu:c[3,11]
+BrBG:c[3,11], RdGy:c[3,11], PuOr:c[3,11]
+
+

+
+
+ + + + + +
+ TrIQ +

get cutoff threshold value via TrIQ algorithm

+
+
+
[Document Index]
+ + \ 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 + + + + + + +
+ + + + + + +
TrIQ {ColorBrewer}R Documentation
+ +

get cutoff threshold value via TrIQ algorithm

+ +

Description

+ + + +

Usage

+ +
+
TrIQ(data,
+    q = 0.65,
+    levels = 30);
+
+ +

Arguments

+ + + +
data
+

-

+ + +
q
+

-

+ + +
levels
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

the threshold raw data value

clr value class

+ +

Examples

+ + + +
+
[Package ColorBrewer version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/chart3D.html b/vignettes/graphics/chart3D.html new file mode 100644 index 0000000..f9a18cd --- /dev/null +++ b/vignettes/graphics/chart3D.html @@ -0,0 +1,88 @@ + + + + + + + chart3D + + + + + + + + + + + + + + + + + + + + + + + +
{chart3D}R# Documentation
+

chart3D

+
+

+ + require(R); +

{$desc_comments}
imports "chart3D" from "graphics"; +
+

+

+
+

+ +

+
+
+ + + + + +
+ serial3D +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/graphics/chart3D/serial3D.html b/vignettes/graphics/chart3D/serial3D.html new file mode 100644 index 0000000..505defc --- /dev/null +++ b/vignettes/graphics/chart3D/serial3D.html @@ -0,0 +1,69 @@ + + + + + serial3D + + + + + + +
+ + + + + + +
serial3D {chart3D}R Documentation
+ +

serial3D

+ +

Description

+ + serial3D + +

Usage

+ +
+
serial3D(x, y, z,
+    name = "data serial",
+    color = "black",
+    shape = Circle,
+    alpha = 255,
+    ptSize = 5);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Serial3D.

clr value class

+ +

Examples

+ + + +
+
[Package chart3D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/charts.html b/vignettes/graphics/charts.html new file mode 100644 index 0000000..7c0b980 --- /dev/null +++ b/vignettes/graphics/charts.html @@ -0,0 +1,136 @@ + + + + + + + charts + + + + + + + + + + + + + + + + + + + + + + + +
{charts}R# Documentation
+

charts

+
+

+ + require(R); +

#' chartting plots for R#
imports "charts" from "graphics"; +
+

+

chartting plots for R#

+
+

+

chartting plots for R#

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ pie +

Pie Charts

+ +

Draw a pie chart.

+ barplot +

Bar Plots

+ +

Creates a bar plot with vertical or horizontal bars.

+ upset +
+ serial +

create a new serial for scatter plot

+ violin +

Violin plot

+ +

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.

+ fillPolygon +
+ contourPlot +

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.

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/graphics/charts/barplot.html b/vignettes/graphics/charts/barplot.html new file mode 100644 index 0000000..541af3d --- /dev/null +++ b/vignettes/graphics/charts/barplot.html @@ -0,0 +1,138 @@ + + + + + Bar Plots + + + + + + +
+ + + + + + +
barplot {charts}R Documentation
+ +

Bar Plots

+ +

Description

+ +


Creates a bar plot with vertical or horizontal bars.

+ +

Usage

+ +
+
barplot(height,
+    category = "item",
+    value = "value",
+    color = "color",
+    min = "min",
+    max = "max",
+    title = "Histogram Plot",
+    xlab = "X",
+    ylab = "Y",
+    bg = "white",
+    size = "1920,1080",
+    padding = "padding:100px 100px 100px 100px;",
+    show.grid = TRUE,
+    show.legend = TRUE);
+
+ +

Arguments

+ + + +
height
+

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.

+ + +
category$
+

-

+ + +
value$
+

-

+ + +
color$
+

-

+ + +
min$
+

-

+ + +
max$
+

-

+ + +
title
+

overall And sub title for the plot.

+ + +
xlab
+

a label for the x axis.

+ + +
ylab
+

a label For the y axis.

+ + +
bg
+

-

+ + +
size
+

-

+ + +
padding
+

-

+ + +
show.grid
+

-

+ + +
show.legend
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

the plot image

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package charts version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
contourPlot(data,
+    colorSet = "Spectral:c10",
+    xlim = NaN,
+    ylim = NaN,
+    ... = NULL);
+
+ +

Arguments

+ + + +
data
+

-

+ + +
args
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type GraphicsData.

clr value class

+ +

Examples

+ + + +
+
[Package charts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/charts/fillPolygon.html b/vignettes/graphics/charts/fillPolygon.html new file mode 100644 index 0000000..3a105b9 --- /dev/null +++ b/vignettes/graphics/charts/fillPolygon.html @@ -0,0 +1,67 @@ + + + + + fillPolygon + + + + + + +
+ + + + + + +
fillPolygon {charts}R Documentation
+ +

fillPolygon

+ +

Description

+ + fillPolygon + +

Usage

+ +
+
fillPolygon(polygon,
+    padding = "padding:250px 150px 300px 300px;",
+    grid.fill = "white",
+    reverse = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package charts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/charts/pie.html b/vignettes/graphics/charts/pie.html new file mode 100644 index 0000000..0773494 --- /dev/null +++ b/vignettes/graphics/charts/pie.html @@ -0,0 +1,82 @@ + + + + + Pie Charts + + + + + + +
+ + + + + + +
pie {charts}R Documentation
+ +

Pie Charts

+ +

Description

+ +


Draw a pie chart.

+ +

Usage

+ +
+
pie(x,
+    schema = "Paired:c12",
+    d3 = FALSE,
+    camera = NULL,
+    size = "1600,1200");
+
+ +

Arguments

+ + + +
x
+

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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package charts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/charts/serial.html b/vignettes/graphics/charts/serial.html new file mode 100644 index 0000000..83bfb46 --- /dev/null +++ b/vignettes/graphics/charts/serial.html @@ -0,0 +1,83 @@ + + + + + create a new serial for scatter plot + + + + + + +
+ + + + + + +
serial {charts}R Documentation
+ +

create a new serial for scatter plot

+ +

Description

+ + + +

Usage

+ +
+
serial(x, y,
+    name = "data serial",
+    color = "black",
+    alpha = 255,
+    ptSize = 5);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
y
+

-

+ + +
name$
+

-

+ + +
color
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type SerialData.

clr value class

+ +

Examples

+ + + +
+
[Package charts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/charts/upset.html b/vignettes/graphics/charts/upset.html new file mode 100644 index 0000000..612cdae --- /dev/null +++ b/vignettes/graphics/charts/upset.html @@ -0,0 +1,64 @@ + + + + + upset + + + + + + +
+ + + + + + +
upset {charts}R Documentation
+ +

upset

+ +

Description

+ + upset + +

Usage

+ +
+
upset(upset);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package charts version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
violin(data,
+    size = "3600,2400",
+    margin = "padding:400px 150px 300px 300px;",
+    bg = "white",
+    colorSet = "TSF",
+    ylab = "y axis",
+    title = "Volin Plot",
+    labelAngle = -45,
+    showStats = TRUE);
+
+ +

Arguments

+ + + +
data
+

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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package charts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter.html b/vignettes/graphics/filter.html new file mode 100644 index 0000000..f3cc1f7 --- /dev/null +++ b/vignettes/graphics/filter.html @@ -0,0 +1,142 @@ + + + + + + + filter + + + + + + + + + + + + + + + + + + + + + + + +
{filter}R# Documentation
+

filter

+
+

+ + require(R); +

{$desc_comments}
imports "filter" from "graphics"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ pencil +
+ wood_carving +
+ emboss +
+ diffusion +
+ soft +
+ sharp +
+ gauss_blur +
+ hqx_scales +
+ RTCP_gray +

.NET Implement of Real-time Contrast Preserving Decolorization

+ RTCP_weight +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/graphics/filter/RTCP_gray.html b/vignettes/graphics/filter/RTCP_gray.html new file mode 100644 index 0000000..e290499 --- /dev/null +++ b/vignettes/graphics/filter/RTCP_gray.html @@ -0,0 +1,67 @@ + + + + + .NET Implement of Real-time Contrast Preserving Decolorization + + + + + + +
+ + + + + + +
RTCP_gray {filter}R Documentation
+ +

.NET Implement of Real-time Contrast Preserving Decolorization

+ +

Description

+ + + +

Usage

+ +
+
RTCP_gray(img);
+
+ +

Arguments

+ + + +
img
+

-

+ +
+ + +

Details

+ +

https://github.com/IntPtrZero/RTCPRGB2Gray/tree/master

+ + +

Value

+ + this function returns data object of type Bitmap.

clr value class

+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/RTCP_weight.html b/vignettes/graphics/filter/RTCP_weight.html new file mode 100644 index 0000000..96b1b93 --- /dev/null +++ b/vignettes/graphics/filter/RTCP_weight.html @@ -0,0 +1,64 @@ + + + + + RTCP_weight + + + + + + +
+ + + + + + +
RTCP_weight {filter}R Documentation
+ +

RTCP_weight

+ +

Description

+ + RTCP_weight + +

Usage

+ +
+
RTCP_weight(img);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type list. the list data also has some specificied data fields: list(r, g, b).

clr value class

  • list
+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/diffusion.html b/vignettes/graphics/filter/diffusion.html new file mode 100644 index 0000000..4b5bf7c --- /dev/null +++ b/vignettes/graphics/filter/diffusion.html @@ -0,0 +1,64 @@ + + + + + diffusion + + + + + + +
+ + + + + + +
diffusion {filter}R Documentation
+ +

diffusion

+ +

Description

+ + diffusion + +

Usage

+ +
+
diffusion(image);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Image.

clr value class

+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/emboss.html b/vignettes/graphics/filter/emboss.html new file mode 100644 index 0000000..be0a579 --- /dev/null +++ b/vignettes/graphics/filter/emboss.html @@ -0,0 +1,66 @@ + + + + + emboss + + + + + + +
+ + + + + + +
emboss {filter}R Documentation
+ +

emboss

+ +

Description

+ + emboss + +

Usage

+ +
+
emboss(image,
+    direction = [1,1],
+    lighteness = 127);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Image.

clr value class

+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/gauss_blur.html b/vignettes/graphics/filter/gauss_blur.html new file mode 100644 index 0000000..585241e --- /dev/null +++ b/vignettes/graphics/filter/gauss_blur.html @@ -0,0 +1,65 @@ + + + + + gauss_blur + + + + + + +
+ + + + + + +
gauss_blur {filter}R Documentation
+ +

gauss_blur

+ +

Description

+ + gauss_blur + +

Usage

+ +
+
gauss_blur(image,
+    levels = 100);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Bitmap.

clr value class

+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/hqx_scales.html b/vignettes/graphics/filter/hqx_scales.html new file mode 100644 index 0000000..f91ad67 --- /dev/null +++ b/vignettes/graphics/filter/hqx_scales.html @@ -0,0 +1,65 @@ + + + + + hqx_scales + + + + + + +
+ + + + + + +
hqx_scales {filter}R Documentation
+ +

hqx_scales

+ +

Description

+ + hqx_scales + +

Usage

+ +
+
hqx_scales(image,
+    scale = Hqx_2x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/pencil.html b/vignettes/graphics/filter/pencil.html new file mode 100644 index 0000000..9ca9246 --- /dev/null +++ b/vignettes/graphics/filter/pencil.html @@ -0,0 +1,65 @@ + + + + + pencil + + + + + + +
+ + + + + + +
pencil {filter}R Documentation
+ +

pencil

+ +

Description

+ + pencil + +

Usage

+ +
+
pencil(image,
+    sensitivity = 25);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Image.

clr value class

+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/sharp.html b/vignettes/graphics/filter/sharp.html new file mode 100644 index 0000000..897399f --- /dev/null +++ b/vignettes/graphics/filter/sharp.html @@ -0,0 +1,66 @@ + + + + + sharp + + + + + + +
+ + + + + + +
sharp {filter}R Documentation
+ +

sharp

+ +

Description

+ + sharp + +

Usage

+ +
+
sharp(image,
+    sharpDgree = 0.3,
+    max = 255);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Image.

clr value class

+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/soft.html b/vignettes/graphics/filter/soft.html new file mode 100644 index 0000000..1402a77 --- /dev/null +++ b/vignettes/graphics/filter/soft.html @@ -0,0 +1,65 @@ + + + + + soft + + + + + + +
+ + + + + + +
soft {filter}R Documentation
+ +

soft

+ +

Description

+ + soft + +

Usage

+ +
+
soft(image,
+    max = 255);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Image.

clr value class

+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/filter/wood_carving.html b/vignettes/graphics/filter/wood_carving.html new file mode 100644 index 0000000..99350ca --- /dev/null +++ b/vignettes/graphics/filter/wood_carving.html @@ -0,0 +1,65 @@ + + + + + wood_carving + + + + + + +
+ + + + + + +
wood_carving {filter}R Documentation
+ +

wood_carving

+ +

Description

+ + wood_carving + +

Usage

+ +
+
wood_carving(image,
+    sensitivity = 25);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Image.

clr value class

+ +

Examples

+ + + +
+
[Package filter version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/geometry2D.html b/vignettes/graphics/geometry2D.html new file mode 100644 index 0000000..69523d4 --- /dev/null +++ b/vignettes/graphics/geometry2D.html @@ -0,0 +1,100 @@ + + + + + + + geometry2D + + + + + + + + + + + + + + + + + + + + + + + +
{geometry2D}R# Documentation
+

geometry2D

+
+

+ + require(R); +

{$desc_comments}
imports "geometry2D" from "graphics"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + +
+ concaveHull +
+ density2D +

Evaluate the density value of a set of 2d points.

+ Kdtest +

just used for do kd-tree unit test

+
+
+
[Document Index]
+ + \ 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 + + + + + + +
+ + + + + + +
Kdtest {geometry2D}R Documentation
+ +

just used for do kd-tree unit test

+ +

Description

+ + + +

Usage

+ +
+
Kdtest(
+    n = 1000,
+    knn = 60,
+    size = "5200,4500");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package geometry2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/geometry2D/concaveHull.html b/vignettes/graphics/geometry2D/concaveHull.html new file mode 100644 index 0000000..afc8399 --- /dev/null +++ b/vignettes/graphics/geometry2D/concaveHull.html @@ -0,0 +1,74 @@ + + + + + + + + + + + +
+ + + + + + +
concaveHull {geometry2D}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
concaveHull(pts,
+    as.polygon = FALSE);
+
+ +

Arguments

+ + + +
pts
+

    +
  • for dataframe object, data fields x and y should be exists
  • +

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

A set of point data which could be used for build a polygon object

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package geometry2D version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package geometry2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/grDevices.SVG.html b/vignettes/graphics/grDevices.SVG.html new file mode 100644 index 0000000..9a2843b --- /dev/null +++ b/vignettes/graphics/grDevices.SVG.html @@ -0,0 +1,88 @@ + + + + + + + grDevices.SVG + + + + + + + + + + + + + + + + + + + + + + + +
{grDevices.SVG}R# Documentation
+

grDevices.SVG

+
+

+ + require(R); +

{$desc_comments}
imports "grDevices.SVG" from "graphics"; +
+

+

+
+

+ +

+
+
+ + + + + +
+ styles +

Add css style by css selector

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/graphics/grDevices.SVG/styles.html b/vignettes/graphics/grDevices.SVG/styles.html new file mode 100644 index 0000000..f43d942 --- /dev/null +++ b/vignettes/graphics/grDevices.SVG/styles.html @@ -0,0 +1,75 @@ + + + + + Add css style by css selector + + + + + + +
+ + + + + + +
styles {grDevices.SVG}R Documentation
+ +

Add css style by css selector

+ +

Description

+ + + +

Usage

+ +
+
styles(svg, selector, ...);
+
+ +

Arguments

+ + + +
svg
+

-

+ + +
selector$
+

-

+ + +
styles
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type SVGData.

clr value class

+ +

Examples

+ + + +
+
[Package grDevices.SVG version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/grDevices.html b/vignettes/graphics/grDevices.html new file mode 100644 index 0000000..f190c2e --- /dev/null +++ b/vignettes/graphics/grDevices.html @@ -0,0 +1,145 @@ + + + + + + + grDevices + + + + + + + + + + + + + + + + + + + + + + + +
{grDevices}R# Documentation
+

grDevices

+
+

+ + require(R); +

#' The R# Graphics Devices and Support for Colours and Fonts
imports "grDevices" from "graphics"; +
+

+

The R# Graphics Devices and Support for Colours and Fonts

+
+

+

The R# Graphics Devices and Support for Colours and Fonts

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ pdf +
+ svg +

Cairographics-based SVG, PDF and PostScript Graphics Devices

+ +

Graphics devices for SVG, PDF and PostScript
+ graphics files using the cairo graphics API.

+ graphics +

save the graphics plot object as image file

+ graphics.attrs +
+ rgb +

RGB Color Specification

+ +

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.

+ alpha +

adjust color alpha value

+ register.color_palette +

register a custom color palette to the graphics system

+ colors +

get color set

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/graphics/grDevices/alpha.html b/vignettes/graphics/grDevices/alpha.html new file mode 100644 index 0000000..274ab99 --- /dev/null +++ b/vignettes/graphics/grDevices/alpha.html @@ -0,0 +1,75 @@ + + + + + adjust color alpha value + + + + + + +
+ + + + + + +
alpha {grDevices}R Documentation
+ +

adjust color alpha value

+ +

Description

+ + + +

Usage

+ +
+
alpha(color, alpha);
+
+ +

Arguments

+ + + +
color
+

-

+ + +
alpha
+

the color alpha value should be in range [0,1].

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package grDevices version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package grDevices version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/grDevices/graphics.attrs.html b/vignettes/graphics/grDevices/graphics.attrs.html new file mode 100644 index 0000000..8e1ab0d --- /dev/null +++ b/vignettes/graphics/grDevices/graphics.attrs.html @@ -0,0 +1,65 @@ + + + + + graphics.attrs + + + + + + +
+ + + + + + +
graphics.attrs {grDevices}R Documentation
+ +

graphics.attrs

+ +

Description

+ + graphics.attrs + +

Usage

+ +
+
graphics.attrs(image,
+    ... = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package grDevices version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package grDevices version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/grDevices/pdf.html b/vignettes/graphics/grDevices/pdf.html new file mode 100644 index 0000000..fff583e --- /dev/null +++ b/vignettes/graphics/grDevices/pdf.html @@ -0,0 +1,67 @@ + + + + + pdf + + + + + + +
+ + + + + + +
pdf {grDevices}R Documentation
+ +

pdf

+ +

Description

+ + pdf + +

Usage

+ +
+
pdf(
+    image = NULL,
+    file = NULL,
+    ... = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package grDevices version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package grDevices version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ +

Usage

+ +
+
rgb(red, green, blue,
+    alpha = NULL,
+    names = NULL,
+    maxColorValue = 1);
+
+ +

Arguments

+ + + +
red
+

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).

+ +

R does Not use 'premultiplied alpha’.

clr value class

+ +

Examples

+ + + +
+
[Package grDevices version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/grDevices/svg.html b/vignettes/graphics/grDevices/svg.html new file mode 100644 index 0000000..fa3d1a5 --- /dev/null +++ b/vignettes/graphics/grDevices/svg.html @@ -0,0 +1,74 @@ + + + + + Cairographics-based SVG, PDF and PostScript Graphics Devices + + + + + + +
+ + + + + + +
svg {grDevices}R Documentation
+ +

Cairographics-based SVG, PDF and PostScript Graphics Devices

+ +

Description

+ +


Graphics devices for SVG, PDF and PostScript
graphics files using the cairo graphics API.

+ +

Usage

+ +
+
svg(
+    image = NULL,
+    file = NULL,
+    ... = NULL);
+
+ +

Arguments

+ + + +
image
+

-

+ + +
file
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package grDevices version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/grDevices3D.html b/vignettes/graphics/grDevices3D.html new file mode 100644 index 0000000..d701ad1 --- /dev/null +++ b/vignettes/graphics/grDevices3D.html @@ -0,0 +1,100 @@ + + + + + + + grDevices3D + + + + + + + + + + + + + + + + + + + + + + + +
{grDevices3D}R# Documentation
+

grDevices3D

+
+

+ + require(R); +

{$desc_comments}
imports "grDevices3D" from "graphics"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + +
+ vector3D +

Create a new 3D point

+ line3D +
+ camera +

Create a new 3D camera object.

+
+
+
[Document Index]
+ + \ 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. + + + + + + +
+ + + + + + +
camera {grDevices3D}R Documentation
+ +

Create a new 3D camera object.

+ +

Description

+ + + +

Usage

+ +
+
camera(
+    viewAngle = NULL,
+    viewDistance = -40,
+    fov = 256,
+    size = "2560,1440");
+
+ +

Arguments

+ + + +
viewAngle
+

-

+ + +
viewDistance
+

-

+ + +
fov
+

-

+ + +
size
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Camera.

clr value class

+ +

Examples

+ + + +
+
[Package grDevices3D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/grDevices3D/line3D.html b/vignettes/graphics/grDevices3D/line3D.html new file mode 100644 index 0000000..9e46b62 --- /dev/null +++ b/vignettes/graphics/grDevices3D/line3D.html @@ -0,0 +1,65 @@ + + + + + line3D + + + + + + +
+ + + + + + +
line3D {grDevices3D}R Documentation
+ +

line3D

+ +

Description

+ + line3D + +

Usage

+ +
+
line3D(a, b,
+    pen = "stroke: black; stroke-width: 5px; stroke-dash: solid;");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Line3D.

clr value class

+ +

Examples

+ + + +
+
[Package grDevices3D version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package grDevices3D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics.html b/vignettes/graphics/graphics.html new file mode 100644 index 0000000..c203792 --- /dev/null +++ b/vignettes/graphics/graphics.html @@ -0,0 +1,128 @@ + + + + + + + graphics + + + + + + + + + + + + + + + + + + + + + + + +
{graphics}R# Documentation
+

graphics

+
+

+ + require(R); +

#' The R Graphics Package
imports "graphics" from "graphics"; +
+

+

The R Graphics Package

+ +

R functions for base graphics.

+
+

+

The R Graphics Package

+ +

R functions for base graphics.

+

+
+
+ + + + + + + + + + + + + + + + + + + + + +
+ color.height_map +

construct a color heigh map

+ as.raster +

Cast the clr image object as the raster data

+ raster_convolution +
+ raster_vec +

Convert a raster image object data as an intensity scale vector

+ image +

Display a Color Image

+ +

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.

+
+
+
[Document Index]
+ + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package graphics version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics/color.height_map.html b/vignettes/graphics/graphics/color.height_map.html new file mode 100644 index 0000000..cabb21d --- /dev/null +++ b/vignettes/graphics/graphics/color.height_map.html @@ -0,0 +1,84 @@ + + + + + construct a color heigh map + + + + + + +
+ + + + + + +
color.height_map {graphics}R Documentation
+ +

construct a color heigh map

+ +

Description

+ + + +

Usage

+ +
+
color.height_map(colors,
+    levels = 255,
+    desc = FALSE);
+
+ +

Arguments

+ + + +
colors
+

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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package graphics version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ +
 bitmap(file = "./plot.png") {
+     image(matrix(c(1,2,3,4), nrow = 2, byrow = TRUE));
+ }
+ +
+
[Package graphics version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics/raster_convolution.html b/vignettes/graphics/graphics/raster_convolution.html new file mode 100644 index 0000000..05e0a6b --- /dev/null +++ b/vignettes/graphics/graphics/raster_convolution.html @@ -0,0 +1,66 @@ + + + + + raster_convolution + + + + + + +
+ + + + + + +
raster_convolution {graphics}R Documentation
+ +

raster_convolution

+ +

Description

+ + raster_convolution + +

Usage

+ +
+
raster_convolution(raster,
+    size = 3,
+    stride = 1);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type dataframe.

clr value class

+ +

Examples

+ + + +
+
[Package graphics version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics/raster_vec.html b/vignettes/graphics/graphics/raster_vec.html new file mode 100644 index 0000000..c5a0742 --- /dev/null +++ b/vignettes/graphics/graphics/raster_vec.html @@ -0,0 +1,67 @@ + + + + + Convert a raster image object data as an intensity scale vector + + + + + + +
+ + + + + + +
raster_vec {graphics}R Documentation
+ +

Convert a raster image object data as an intensity scale vector

+ +

Description

+ + + +

Usage

+ +
+
raster_vec(raster);
+
+ +

Arguments

+ + + +
raster
+

A specific raster image object

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type vector.

clr value class

+ +

Examples

+ + + +
+
[Package graphics version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D.html b/vignettes/graphics/graphics2D.html new file mode 100644 index 0000000..27e277a --- /dev/null +++ b/vignettes/graphics/graphics2D.html @@ -0,0 +1,226 @@ + + + + + + + graphics2D + + + + + + + + + + + + + + + + + + + + + + + +
{graphics2D}R# Documentation
+

graphics2D

+
+

+ + require(R); +

#' 2D graphics
imports "graphics2D" from "graphics"; +
+

+

2D graphics

+
+

+

2D graphics

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ layout.grid +
+ paddingString +
+ paddingVector +
+ colorMap.legend +
+ legend +

create a legend element

+ measureString +
+ draw.legend +
+ rect +
+ rectangle +
+ pointVector +
+ point +
+ sizeVector +
+ size +
+ offset2D +
+ line +
+ rasterHeatmap +
+ draw.triangle +
+ draw.circle +
+ draw.rectangle +
+ axis.ticks +

create axis tick vector data based on a given data range value

+ scale +

scale a numeric vector as the color value vector

+ contour +
+ contour_tracing +

Measure object outline via run contour tracing algorithm.

+ asciiArt +

convert bitmap to ascii characters

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D.labeler.html b/vignettes/graphics/graphics2D.labeler.html new file mode 100644 index 0000000..55a3bb1 --- /dev/null +++ b/vignettes/graphics/graphics2D.labeler.html @@ -0,0 +1,118 @@ + + + + + + + graphics2D.labeler + + + + + + + + + + + + + + + + + + + + + + + +
{graphics2D.labeler}R# Documentation
+

graphics2D.labeler

+
+

+ + require(R); +

{$desc_comments}
imports "graphics2D.labeler" from "graphics"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + +
+ d3js.labeler +
+ width +
+ height +
+ labels +
+ anchors +
+ start +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D.labeler/anchors.html b/vignettes/graphics/graphics2D.labeler/anchors.html new file mode 100644 index 0000000..e074dfc --- /dev/null +++ b/vignettes/graphics/graphics2D.labeler/anchors.html @@ -0,0 +1,64 @@ + + + + + anchors + + + + + + +
+ + + + + + +
anchors {graphics2D.labeler}R Documentation
+ +

anchors

+ +

Description

+ + anchors + +

Usage

+ +
+
anchors(labeler, anchor);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Labeler.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D.labeler version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D.labeler/d3js.labeler.html b/vignettes/graphics/graphics2D.labeler/d3js.labeler.html new file mode 100644 index 0000000..cb65583 --- /dev/null +++ b/vignettes/graphics/graphics2D.labeler/d3js.labeler.html @@ -0,0 +1,98 @@ + + + + + + + + + + + +
+ + + + + + +
d3js.labeler {graphics2D.labeler}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
d3js.labeler(
+    maxMove = 5,
+    maxAngle = 0.5,
+    w.len = 0.2,
+    w.inter = 1,
+    w.lab2 = 30,
+    w.lab.anc = 30,
+    w.orient = 3);
+
+ +

Arguments

+ + + +
maxMove
+

-

+ + +
maxAngle
+

-

+ + +
w.len
+

leader line length

+ + +
w.inter
+

leader line intersection

+ + +
w.lab2
+

label-label overlap

+ + +
w.lab.anc
+

label-anchor overlap

+ + +
w.orient
+

orientation bias

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Labeler.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D.labeler version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D.labeler/height.html b/vignettes/graphics/graphics2D.labeler/height.html new file mode 100644 index 0000000..8ad7d14 --- /dev/null +++ b/vignettes/graphics/graphics2D.labeler/height.html @@ -0,0 +1,64 @@ + + + + + height + + + + + + +
+ + + + + + +
height {graphics2D.labeler}R Documentation
+ +

height

+ +

Description

+ + height + +

Usage

+ +
+
height(labeler, h);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Labeler.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D.labeler version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D.labeler/labels.html b/vignettes/graphics/graphics2D.labeler/labels.html new file mode 100644 index 0000000..f9f8bb4 --- /dev/null +++ b/vignettes/graphics/graphics2D.labeler/labels.html @@ -0,0 +1,64 @@ + + + + + labels + + + + + + +
+ + + + + + +
labels {graphics2D.labeler}R Documentation
+ +

labels

+ +

Description

+ + labels + +

Usage

+ +
+
labels(labeler, labels);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Labeler.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D.labeler version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D.labeler/start.html b/vignettes/graphics/graphics2D.labeler/start.html new file mode 100644 index 0000000..714e439 --- /dev/null +++ b/vignettes/graphics/graphics2D.labeler/start.html @@ -0,0 +1,69 @@ + + + + + start + + + + + + +
+ + + + + + +
start {graphics2D.labeler}R Documentation
+ +

start

+ +

Description

+ + start + +

Usage

+ +
+
start(labeler,
+    nsweeps = 2000,
+    T = 1,
+    initialT = 1,
+    rotate = 0.5,
+    showProgress = TRUE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Labeler.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D.labeler version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D.labeler/width.html b/vignettes/graphics/graphics2D.labeler/width.html new file mode 100644 index 0000000..7a8cd4e --- /dev/null +++ b/vignettes/graphics/graphics2D.labeler/width.html @@ -0,0 +1,64 @@ + + + + + width + + + + + + +
+ + + + + + +
width {graphics2D.labeler}R Documentation
+ +

width

+ +

Description

+ + width + +

Usage

+ +
+
width(labeler, w);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Labeler.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D.labeler version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/asciiArt.html b/vignettes/graphics/graphics2D/asciiArt.html new file mode 100644 index 0000000..67ad0d6 --- /dev/null +++ b/vignettes/graphics/graphics2D/asciiArt.html @@ -0,0 +1,68 @@ + + + + + convert bitmap to ascii characters + + + + + + +
+ + + + + + +
asciiArt {graphics2D}R Documentation
+ +

convert bitmap to ascii characters

+ +

Description

+ + + +

Usage

+ +
+
asciiArt(image,
+    charSet = "+-*.");
+
+ +

Arguments

+ + + +
image
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/colorMap.legend.html b/vignettes/graphics/graphics2D/colorMap.legend.html new file mode 100644 index 0000000..f2a47f5 --- /dev/null +++ b/vignettes/graphics/graphics2D/colorMap.legend.html @@ -0,0 +1,72 @@ + + + + + colorMap.legend + + + + + + +
+ + + + + + +
colorMap.legend {graphics2D}R Documentation
+ +

colorMap.legend

+ +

Description

+ + colorMap.legend + +

Usage

+ +
+
colorMap.legend(colors, ticks,
+    title = "Color Map",
+    mapLevels = 60,
+    format = "G3",
+    tickAxisStroke = "stroke: black; stroke-width: 5px; stroke-dash: solid;",
+    tickFont = "font-style: normal; font-size: 12; font-family: Bookman Old Style;",
+    titleFont = "font-style: normal; font-size: 16; font-family: Bookman Old Style;",
+    unmapColor = NULL,
+    foreColor = "black");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ColorMapLegend.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/contour.html b/vignettes/graphics/graphics2D/contour.html new file mode 100644 index 0000000..71576e3 --- /dev/null +++ b/vignettes/graphics/graphics2D/contour.html @@ -0,0 +1,65 @@ + + + + + contour + + + + + + +
+ + + + + + +
contour {graphics2D}R Documentation
+ +

contour

+ +

Description

+ + contour + +

Usage

+ +
+
contour(data,
+    interpolateFill = TRUE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type ContourLayer[].

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/contour_tracing.html b/vignettes/graphics/graphics2D/contour_tracing.html new file mode 100644 index 0000000..727aaf7 --- /dev/null +++ b/vignettes/graphics/graphics2D/contour_tracing.html @@ -0,0 +1,80 @@ + + + + + Measure object outline via run contour tracing algorithm. + + + + + + +
+ + + + + + +
contour_tracing {graphics2D}R Documentation
+ +

Measure object outline via run contour tracing algorithm.

+ +

Description

+ + + +

Usage

+ +
+
contour_tracing(x, y,
+    fillDots = 1);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
y
+

-

+ + +
fillDots
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type GeneralPath.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/draw.circle.html b/vignettes/graphics/graphics2D/draw.circle.html new file mode 100644 index 0000000..c376f45 --- /dev/null +++ b/vignettes/graphics/graphics2D/draw.circle.html @@ -0,0 +1,66 @@ + + + + + draw.circle + + + + + + +
+ + + + + + +
draw.circle {graphics2D}R Documentation
+ +

draw.circle

+ +

Description

+ + draw.circle + +

Usage

+ +
+
draw.circle(g, center, r,
+    color = "black",
+    border = "stroke: lightgray; stroke-width: 2px; stroke-dash: dash;");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type IGraphics.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/draw.legend.html b/vignettes/graphics/graphics2D/draw.legend.html new file mode 100644 index 0000000..2359d11 --- /dev/null +++ b/vignettes/graphics/graphics2D/draw.legend.html @@ -0,0 +1,66 @@ + + + + + draw.legend + + + + + + +
+ + + + + + +
draw.legend {graphics2D}R Documentation
+ +

draw.legend

+ +

Description

+ + draw.legend + +

Usage

+ +
+
draw.legend(canvas, legends, location,
+    border = "stroke: black; stroke-width: 5px; stroke-dash: solid;",
+    gSize = "120,45");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/draw.rectangle.html b/vignettes/graphics/graphics2D/draw.rectangle.html new file mode 100644 index 0000000..82d0e6e --- /dev/null +++ b/vignettes/graphics/graphics2D/draw.rectangle.html @@ -0,0 +1,65 @@ + + + + + draw.rectangle + + + + + + +
+ + + + + + +
draw.rectangle {graphics2D}R Documentation
+ +

draw.rectangle

+ +

Description

+ + draw.rectangle + +

Usage

+ +
+
draw.rectangle(color, rect,
+    g = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/draw.triangle.html b/vignettes/graphics/graphics2D/draw.triangle.html new file mode 100644 index 0000000..aba141f --- /dev/null +++ b/vignettes/graphics/graphics2D/draw.triangle.html @@ -0,0 +1,66 @@ + + + + + draw.triangle + + + + + + +
+ + + + + + +
draw.triangle {graphics2D}R Documentation
+ +

draw.triangle

+ +

Description

+ + draw.triangle + +

Usage

+ +
+
draw.triangle(g, topleft, size,
+    color = "black",
+    border = "stroke: black; stroke-width: 5px; stroke-dash: solid;");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type IGraphics.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/layout.grid.html b/vignettes/graphics/graphics2D/layout.grid.html new file mode 100644 index 0000000..0346294 --- /dev/null +++ b/vignettes/graphics/graphics2D/layout.grid.html @@ -0,0 +1,79 @@ + + + + + + + + + + + +
+ + + + + + +
layout.grid {graphics2D}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
layout.grid(layout,
+    margin = 0);
+
+ +

Arguments

+ + + +
layout
+

should be two integer element which is indicate that
+ the element count on x and the element count on y.

+ + +
margin
+

the css internal padding data for each cell in the
+ generated grid layout.

+ + +
env
+

-

+ +
+ + +

Details

+ +

the canvas size and the entire padding is comes from the
+ current graphics device.

+ + +

Value

+ + this function returns data object of type Rectangle[].

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/legend.html b/vignettes/graphics/graphics2D/legend.html new file mode 100644 index 0000000..cb33a87 --- /dev/null +++ b/vignettes/graphics/graphics2D/legend.html @@ -0,0 +1,81 @@ + + + + + create a legend element + + + + + + +
+ + + + + + +
legend {graphics2D}R Documentation
+ +

create a legend element

+ +

Description

+ + + +

Usage

+ +
+
legend(title, color,
+    font.style = "font-style: normal; font-size: 12; font-family: Segoe UI;",
+    shape = Circle);
+
+ +

Arguments

+ + + +
title$
+

-

+ + +
color
+

-

+ + +
font.style
+

-

+ + +
shape
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type LegendObject.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/line.html b/vignettes/graphics/graphics2D/line.html new file mode 100644 index 0000000..9464dca --- /dev/null +++ b/vignettes/graphics/graphics2D/line.html @@ -0,0 +1,65 @@ + + + + + line + + + + + + +
+ + + + + + +
line {graphics2D}R Documentation
+ +

line

+ +

Description

+ + line + +

Usage

+ +
+
line(a, b,
+    stroke = "stroke: black; stroke-width: 5px; stroke-dash: solid;");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Line.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/measureString.html b/vignettes/graphics/graphics2D/measureString.html new file mode 100644 index 0000000..1732210 --- /dev/null +++ b/vignettes/graphics/graphics2D/measureString.html @@ -0,0 +1,65 @@ + + + + + measureString + + + + + + +
+ + + + + + +
measureString {graphics2D}R Documentation
+ +

measureString

+ +

Description

+ + measureString + +

Usage

+ +
+
measureString(str, font,
+    canvas = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/offset2D.html b/vignettes/graphics/graphics2D/offset2D.html new file mode 100644 index 0000000..d841668 --- /dev/null +++ b/vignettes/graphics/graphics2D/offset2D.html @@ -0,0 +1,64 @@ + + + + + offset2D + + + + + + +
+ + + + + + +
offset2D {graphics2D}R Documentation
+ +

offset2D

+ +

Description

+ + offset2D + +

Usage

+ +
+
offset2D(layout, offset);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/paddingString.html b/vignettes/graphics/graphics2D/paddingString.html new file mode 100644 index 0000000..904d25c --- /dev/null +++ b/vignettes/graphics/graphics2D/paddingString.html @@ -0,0 +1,64 @@ + + + + + paddingString + + + + + + +
+ + + + + + +
paddingString {graphics2D}R Documentation
+ +

paddingString

+ +

Description

+ + paddingString + +

Usage

+ +
+
paddingString(padding);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/paddingVector.html b/vignettes/graphics/graphics2D/paddingVector.html new file mode 100644 index 0000000..1eeb17e --- /dev/null +++ b/vignettes/graphics/graphics2D/paddingVector.html @@ -0,0 +1,64 @@ + + + + + paddingVector + + + + + + +
+ + + + + + +
paddingVector {graphics2D}R Documentation
+ +

paddingVector

+ +

Description

+ + paddingVector + +

Usage

+ +
+
paddingVector(margin);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/point.html b/vignettes/graphics/graphics2D/point.html new file mode 100644 index 0000000..80543f3 --- /dev/null +++ b/vignettes/graphics/graphics2D/point.html @@ -0,0 +1,65 @@ + + + + + point + + + + + + +
+ + + + + + +
point {graphics2D}R Documentation
+ +

point

+ +

Description

+ + point + +

Usage

+ +
+
point(x, y,
+    float = TRUE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: Point, PointF.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/pointVector.html b/vignettes/graphics/graphics2D/pointVector.html new file mode 100644 index 0000000..f519f85 --- /dev/null +++ b/vignettes/graphics/graphics2D/pointVector.html @@ -0,0 +1,65 @@ + + + + + pointVector + + + + + + +
+ + + + + + +
pointVector {graphics2D}R Documentation
+ +

pointVector

+ +

Description

+ + pointVector + +

Usage

+ +
+
pointVector(x,
+    y = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type PointF[].

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/rasterHeatmap.html b/vignettes/graphics/graphics2D/rasterHeatmap.html new file mode 100644 index 0000000..f3cb2f4 --- /dev/null +++ b/vignettes/graphics/graphics2D/rasterHeatmap.html @@ -0,0 +1,96 @@ + + + + + + + + + + + +
+ + + + + + +
rasterHeatmap {graphics2D}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
rasterHeatmap(x,
+    region = NULL,
+    dimSize = NULL,
+    colorName = "jet",
+    gauss = 0,
+    colorLevels = 255,
+    rasterBitmap = FALSE,
+    fillRect = TRUE,
+    strict = TRUE);
+
+ +

Arguments

+ + + +
x
+

-

+ + +
region
+

-

+ + +
dimSize
+

-

+ + +
colorName
+

-

+ + +
gauss
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ +

this function will returns nothing, not returns the generated image result
+ target heatmap image always rendering onto current opened graphics device

+ + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/rect.html b/vignettes/graphics/graphics2D/rect.html new file mode 100644 index 0000000..93da2c5 --- /dev/null +++ b/vignettes/graphics/graphics2D/rect.html @@ -0,0 +1,65 @@ + + + + + rect + + + + + + +
+ + + + + + +
rect {graphics2D}R Documentation
+ +

rect

+ +

Description

+ + rect + +

Usage

+ +
+
rect(x, y, w, h,
+    float = TRUE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: Rectangle, RectangleF.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/rectangle.html b/vignettes/graphics/graphics2D/rectangle.html new file mode 100644 index 0000000..6a39ce7 --- /dev/null +++ b/vignettes/graphics/graphics2D/rectangle.html @@ -0,0 +1,64 @@ + + + + + rectangle + + + + + + +
+ + + + + + +
rectangle {graphics2D}R Documentation
+ +

rectangle

+ +

Description

+ + rectangle + +

Usage

+ +
+
rectangle(location, size);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type RectangleF.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ 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

+ +
+ + +

Details

+ + + + +

Value

+ +

A color character vector in html code format

clr value class

  • string
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/size.html b/vignettes/graphics/graphics2D/size.html new file mode 100644 index 0000000..f6e6d65 --- /dev/null +++ b/vignettes/graphics/graphics2D/size.html @@ -0,0 +1,65 @@ + + + + + size + + + + + + +
+ + + + + + +
size {graphics2D}R Documentation
+ +

size

+ +

Description

+ + size + +

Usage

+ +
+
size(w, h,
+    float = TRUE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: Size, SizeF.

clr value class

+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/graphics/graphics2D/sizeVector.html b/vignettes/graphics/graphics2D/sizeVector.html new file mode 100644 index 0000000..30992b2 --- /dev/null +++ b/vignettes/graphics/graphics2D/sizeVector.html @@ -0,0 +1,64 @@ + + + + + sizeVector + + + + + + +
+ + + + + + +
sizeVector {graphics2D}R Documentation
+ +

sizeVector

+ +

Description

+ + sizeVector + +

Usage

+ +
+
sizeVector(size);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package graphics2D version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph.builder.html b/vignettes/igraph/igraph.builder.html new file mode 100644 index 0000000..0bc02a5 --- /dev/null +++ b/vignettes/igraph/igraph.builder.html @@ -0,0 +1,88 @@ + + + + + + + igraph.builder + + + + + + + + + + + + + + + + + + + + + + + +
{igraph.builder}R# Documentation
+

igraph.builder

+
+

+ + require(R); +

{$desc_comments}
imports "igraph.builder" from "igraph"; +
+

+

+
+

+ +

+
+
+ + + + + +
+ correlation.graph +

create a network graph based on the item correlations

+
+
+
[Document Index]
+ + \ 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

+ +

Description

+ + + +

Usage

+ +
+
correlation.graph(x,
+    threshold = 0.65,
+    pvalue = 1);
+
+ +

Arguments

+ + + +
x
+

a correlation matrix

+ + +
threshold
+

the absolute threshold value of the correlation value

+ + +
pvalue
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph.builder version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph.comparison.html b/vignettes/igraph/igraph.comparison.html new file mode 100644 index 0000000..bc8ba9d --- /dev/null +++ b/vignettes/igraph/igraph.comparison.html @@ -0,0 +1,96 @@ + + + + + + + igraph.comparison + + + + + + + + + + + + + + + + + + + + + + + +
{igraph.comparison}R# Documentation
+

igraph.comparison

+
+

+ + require(R); +

#' Network graph comparison tools
imports "igraph.comparison" from "igraph"; +
+

+

Network graph comparison tools

+
+

+

Network graph comparison tools

+

+
+
+ + + + + + + + + +
+ node.cos +

calculate node similarity cos score.

+ graph.jaccard +

Graph Jaccard Similarity

+ +

calculate graph jaccard similarity based on the nodes' cos score.

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/igraph/igraph.comparison/graph.jaccard.html b/vignettes/igraph/igraph.comparison/graph.jaccard.html new file mode 100644 index 0000000..ae23737 --- /dev/null +++ b/vignettes/igraph/igraph.comparison/graph.jaccard.html @@ -0,0 +1,78 @@ + + + + + Graph Jaccard Similarity + + + + + + +
+ + + + + + +
graph.jaccard {igraph.comparison}R Documentation
+ +

Graph Jaccard Similarity

+ +

Description

+ +


calculate graph jaccard similarity based on the nodes' cos score.

+ +

Usage

+ +
+
graph.jaccard(a, b,
+    cutoff = 0.85,
+    classEquivalent = NULL,
+    topologyCos = FALSE);
+
+ +

Arguments

+ + + +
a
+

A network graph model

+ + +
b
+

Another network graph model

+ + +
cutoff
+

The similarity cutoff value of the node cos silimarity compares.

+ +
+ + +

Details

+ + + + +

Value

+ +

The graph similarity value.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package igraph.comparison version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph.comparison/node.cos.html b/vignettes/igraph/igraph.comparison/node.cos.html new file mode 100644 index 0000000..b0f322b --- /dev/null +++ b/vignettes/igraph/igraph.comparison/node.cos.html @@ -0,0 +1,73 @@ + + + + + calculate node similarity cos score. + + + + + + +
+ + + + + + +
node.cos {igraph.comparison}R Documentation
+ +

calculate node similarity cos score.

+ +

Description

+ + + +

Usage

+ +
+
node.cos(a, b,
+    classEquivalent = NULL,
+    topologyCos = FALSE);
+
+ +

Arguments

+ + + +
a
+

A graph node model

+ + +
b
+

Another graph node model

+ +
+ + +

Details

+ + + + +

Value

+ +

The node cos similarity value.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package igraph.comparison version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph.dijkstra.html b/vignettes/igraph/igraph.dijkstra.html new file mode 100644 index 0000000..9e56947 --- /dev/null +++ b/vignettes/igraph/igraph.dijkstra.html @@ -0,0 +1,100 @@ + + + + + + + igraph.dijkstra + + + + + + + + + + + + + + + + + + + + + + + +
{igraph.dijkstra}R# Documentation
+

igraph.dijkstra

+
+

+ + require(R); +

#' Graph router
imports "igraph.dijkstra" from "igraph"; +
+

+

Graph router

+
+

+

Graph router

+

+
+
+ + + + + + + + + + + + + +
+ router.dijkstra +
+ routine.min_cost +
+ betweenness_centrality +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/igraph/igraph.dijkstra/betweenness_centrality.html b/vignettes/igraph/igraph.dijkstra/betweenness_centrality.html new file mode 100644 index 0000000..5974930 --- /dev/null +++ b/vignettes/igraph/igraph.dijkstra/betweenness_centrality.html @@ -0,0 +1,65 @@ + + + + + betweenness_centrality + + + + + + +
+ + + + + + +
betweenness_centrality {igraph.dijkstra}R Documentation
+ +

betweenness_centrality

+ +

Description

+ + betweenness_centrality + +

Usage

+ +
+
betweenness_centrality(g,
+    undirect = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package igraph.dijkstra version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph.dijkstra/router.dijkstra.html b/vignettes/igraph/igraph.dijkstra/router.dijkstra.html new file mode 100644 index 0000000..04d2001 --- /dev/null +++ b/vignettes/igraph/igraph.dijkstra/router.dijkstra.html @@ -0,0 +1,65 @@ + + + + + router.dijkstra + + + + + + +
+ + + + + + +
router.dijkstra {igraph.dijkstra}R Documentation
+ +

router.dijkstra

+ +

Description

+ + router.dijkstra + +

Usage

+ +
+
router.dijkstra(g,
+    undirected = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type DijkstraRouter.

clr value class

+ +

Examples

+ + + +
+
[Package igraph.dijkstra version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph.dijkstra/routine.min_cost.html b/vignettes/igraph/igraph.dijkstra/routine.min_cost.html new file mode 100644 index 0000000..1cb1113 --- /dev/null +++ b/vignettes/igraph/igraph.dijkstra/routine.min_cost.html @@ -0,0 +1,64 @@ + + + + + routine.min_cost + + + + + + +
+ + + + + + +
routine.min_cost {igraph.dijkstra}R Documentation
+ +

routine.min_cost

+ +

Description

+ + routine.min_cost + +

Usage

+ +
+
routine.min_cost(router, from, to);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package igraph.dijkstra version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph.html b/vignettes/igraph/igraph.html new file mode 100644 index 0000000..64f06c6 --- /dev/null +++ b/vignettes/igraph/igraph.html @@ -0,0 +1,295 @@ + + + + + + + igraph + + + + + + + + + + + + + + + + + + + + + + + +
{igraph}R# Documentation
+

igraph

+
+

+ + require(R); +

#' package or create network graph and do network analysis.
imports "igraph" from "igraph"; +
+

+

package or create network graph and do network analysis.

+
+

+

package or create network graph and do network analysis.

+

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ graph +

create a new graph object with the given network
+ edge data and the node properties

+ V +

get graph vertex collection

+ E +

get graph edge collection.

+ xref +

get node reference id list

+ subgraphFromPoint +

extract sub-network from a given network via a specific network node as centroid.

+ metadata +

create meta data for network tabular model.

+ save.network +

save the network graph

+ read.network +

load network graph object from a given file location

+ empty.network +

Create a new network graph or clear the given network graph

+ trim.edges +

removes duplicated edges in the network

+ connected_graph +

removes all of the isolated nodes.

+ node.names +

set node data names

+ degree +

Calculate node degree in given graph

+ compute.network +

compute network properties' data

+ eval +

evaluate node/edge property values

+ delete +
+ add.nodes +

a nodes by given label list.

+ add.node +
+ mass +

set or get mass value of the nodes in the given graph

+ attrs +

Set node attribute data

+ add.edge +

add edge link into the given network graph

+ weight +

set edge weight and get edge weights

+ pushEdges +

Add edges by a given node label tuple list

+ getElementByID +

get node elements by given id

+ group +

Make node groups by given type name

+ class +

get/set node class type

+ vertex +

get all nodes in the given graph model

+ edges +

get all edges in the given graph model

+ has.edge +
+ attributes +

get or set element attribute values

+ selects +

Node select by group or other condition

+ decompose +

Decompose a graph into components, Creates a separate graph
+ for each component of a graph.

+ extract.sub_graph +

extract sub graph component by a specific
+ given node group tag data.

+ components +

get subnetwork components directly by test node disconnections

+ louvain_cluster +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/igraph/igraph/E.html b/vignettes/igraph/igraph/E.html new file mode 100644 index 0000000..c633897 --- /dev/null +++ b/vignettes/igraph/igraph/E.html @@ -0,0 +1,67 @@ + + + + + get graph edge collection. + + + + + + +
+ + + + + + +
E {igraph}R Documentation
+ +

get graph edge collection.

+ +

Description

+ + + +

Usage

+ +
+
E(g);
+
+ +

Arguments

+ + + +
g
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type E.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/V.html b/vignettes/igraph/igraph/V.html new file mode 100644 index 0000000..2021a05 --- /dev/null +++ b/vignettes/igraph/igraph/V.html @@ -0,0 +1,68 @@ + + + + + get graph vertex collection + + + + + + +
+ + + + + + +
V {igraph}R Documentation
+ +

get graph vertex collection

+ +

Description

+ + + +

Usage

+ +
+
V(g,
+    allConnected = FALSE);
+
+ +

Arguments

+ + + +
g
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type V.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/add.edge.html b/vignettes/igraph/igraph/add.edge.html new file mode 100644 index 0000000..04e1fde --- /dev/null +++ b/vignettes/igraph/igraph/add.edge.html @@ -0,0 +1,80 @@ + + + + + add edge link into the given network graph + + + + + + +
+ + + + + + +
add.edge {igraph}R Documentation
+ +

add edge link into the given network graph

+ +

Description

+ + + +

Usage

+ +
+
add.edge(g, u, v,
+    weight = 0);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
u
+

-

+ + +
v
+

-

+ + +
weight
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Edge.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/add.node.html b/vignettes/igraph/igraph/add.node.html new file mode 100644 index 0000000..049f445 --- /dev/null +++ b/vignettes/igraph/igraph/add.node.html @@ -0,0 +1,65 @@ + + + + + add.node + + + + + + +
+ + + + + + +
add.node {igraph}R Documentation
+ +

add.node

+ +

Description

+ + add.node + +

Usage

+ +
+
add.node(g, labelId,
+    ... = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Node.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/add.nodes.html b/vignettes/igraph/igraph/add.nodes.html new file mode 100644 index 0000000..273b750 --- /dev/null +++ b/vignettes/igraph/igraph/add.nodes.html @@ -0,0 +1,71 @@ + + + + + a nodes by given label list. + + + + + + +
+ + + + + + +
add.nodes {igraph}R Documentation
+ +

a nodes by given label list.

+ +

Description

+ + + +

Usage

+ +
+
add.nodes(g, labels);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
labels
+

a character vector of the node labels

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/attrs.html b/vignettes/igraph/igraph/attrs.html new file mode 100644 index 0000000..5b7e372 --- /dev/null +++ b/vignettes/igraph/igraph/attrs.html @@ -0,0 +1,75 @@ + + + + + Set node attribute data + + + + + + +
+ + + + + + +
attrs {igraph}R Documentation
+ +

Set node attribute data

+ +

Description

+ + + +

Usage

+ +
+
attrs(nodes, ...);
+
+ +

Arguments

+ + + +
nodes
+

-

+ + +
attrs
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/class.html b/vignettes/igraph/igraph/class.html new file mode 100644 index 0000000..57086fc --- /dev/null +++ b/vignettes/igraph/igraph/class.html @@ -0,0 +1,72 @@ + + + + + get/set node class type + + + + + + +
+ + + + + + +
class {igraph}R Documentation
+ +

get/set node class type

+ +

Description

+ + + +

Usage

+ +
+
class(g,
+    classList = NULL);
+
+ +

Arguments

+ + + +
g
+

the network graph model, vertex array or vertex V collection.

+ + +
classList
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/components.html b/vignettes/igraph/igraph/components.html new file mode 100644 index 0000000..1ddf123 --- /dev/null +++ b/vignettes/igraph/igraph/components.html @@ -0,0 +1,67 @@ + + + + + get subnetwork components directly by test node disconnections + + + + + + +
+ + + + + + +
components {igraph}R Documentation
+ +

get subnetwork components directly by test node disconnections

+ +

Description

+ + + +

Usage

+ +
+
components(graph);
+
+ +

Arguments

+ + + +
graph
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph[].

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/compute.network.html b/vignettes/igraph/igraph/compute.network.html new file mode 100644 index 0000000..5a08e54 --- /dev/null +++ b/vignettes/igraph/igraph/compute.network.html @@ -0,0 +1,67 @@ + + + + + compute network properties' data + + + + + + +
+ + + + + + +
compute.network {igraph}R Documentation
+ +

compute network properties' data

+ +

Description

+ + + +

Usage

+ +
+
compute.network(g);
+
+ +

Arguments

+ + + +
g
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/connected_graph.html b/vignettes/igraph/igraph/connected_graph.html new file mode 100644 index 0000000..9c031bf --- /dev/null +++ b/vignettes/igraph/igraph/connected_graph.html @@ -0,0 +1,67 @@ + + + + + removes all of the isolated nodes. + + + + + + +
+ + + + + + +
connected_graph {igraph}R Documentation
+ +

removes all of the isolated nodes.

+ +

Description

+ + + +

Usage

+ +
+
connected_graph(graph);
+
+ +

Arguments

+ + + +
graph
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/decompose.html b/vignettes/igraph/igraph/decompose.html new file mode 100644 index 0000000..9750c20 --- /dev/null +++ b/vignettes/igraph/igraph/decompose.html @@ -0,0 +1,86 @@ + + + + + Decompose a graph into components, Creates a separate graph + + + + + + +
+ + + + + + +
decompose {igraph}R Documentation
+ +

Decompose a graph into components, Creates a separate graph

+ +

Description

+ +

for each component of a graph.

+ +

Usage

+ +
+
decompose(graph,
+    weakMode = TRUE,
+    by.group = FALSE,
+    minVertices = 5);
+
+ +

Arguments

+ + + +
graph
+

The original graph.

+ + +
weakMode
+

Character constant giving the type of the components,
+ wither weak for weakly connected components or strong
+ for strongly connected components.

+ + +
minVertices
+

The minimum number of vertices a component should contain in
+ order to place it in the result list. Eg. supply 2 here to
+ ignore isolate vertices.

+ + +
by.group
+

split of the graph data by node type.

+ +
+ + +

Details

+ + + + +

Value

+ +

A list of graph objects.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/degree.html b/vignettes/igraph/igraph/degree.html new file mode 100644 index 0000000..ebcdc48 --- /dev/null +++ b/vignettes/igraph/igraph/degree.html @@ -0,0 +1,68 @@ + + + + + Calculate node degree in given graph + + + + + + +
+ + + + + + +
degree {igraph}R Documentation
+ +

Calculate node degree in given graph

+ +

Description

+ + + +

Usage

+ +
+
degree(g,
+    compute = FALSE);
+
+ +

Arguments

+ + + +
g
+

-

+ +
+ + +

Details

+ + + + +

Value

+ +

this function just returns the degree data by default

clr value class

  • list
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/delete.html b/vignettes/igraph/igraph/delete.html new file mode 100644 index 0000000..6893632 --- /dev/null +++ b/vignettes/igraph/igraph/delete.html @@ -0,0 +1,64 @@ + + + + + delete + + + + + + +
+ + + + + + +
delete {igraph}R Documentation
+ +

delete

+ +

Description

+ + delete + +

Usage

+ +
+
delete(g, node);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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[].

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/eval.html b/vignettes/igraph/igraph/eval.html new file mode 100644 index 0000000..2818570 --- /dev/null +++ b/vignettes/igraph/igraph/eval.html @@ -0,0 +1,75 @@ + + + + + evaluate node/edge property values + + + + + + +
+ + + + + + +
eval {igraph}R Documentation
+ +

evaluate node/edge property values

+ +

Description

+ + + +

Usage

+ +
+
eval(elements, formula);
+
+ +

Arguments

+ + + +
elements
+

a node collection or edge collection

+ + +
formula
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/extract.sub_graph.html b/vignettes/igraph/igraph/extract.sub_graph.html new file mode 100644 index 0000000..90fa10d --- /dev/null +++ b/vignettes/igraph/igraph/extract.sub_graph.html @@ -0,0 +1,76 @@ + + + + + extract sub graph component by a specific + + + + + + +
+ + + + + + +
extract.sub_graph {igraph}R Documentation
+ +

extract sub graph component by a specific

+ +

Description

+ +

given node group tag data.

+ +

Usage

+ +
+
extract.sub_graph(g, node.group,
+    minVertices = 3);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
node.group
+

-

+ + +
minVertices
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/has.edge.html b/vignettes/igraph/igraph/has.edge.html new file mode 100644 index 0000000..ddb2bd3 --- /dev/null +++ b/vignettes/igraph/igraph/has.edge.html @@ -0,0 +1,65 @@ + + + + + has.edge + + + + + + +
+ + + + + + +
has.edge {igraph}R Documentation
+ +

has.edge

+ +

Description

+ + has.edge + +

Usage

+ +
+
has.edge(g, u, v,
+    directed = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type boolean.

clr value class

  • boolean
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/louvain_cluster.html b/vignettes/igraph/igraph/louvain_cluster.html new file mode 100644 index 0000000..1023b6d --- /dev/null +++ b/vignettes/igraph/igraph/louvain_cluster.html @@ -0,0 +1,74 @@ + + + + + + + + + + + +
+ + + + + + +
louvain_cluster {igraph}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
louvain_cluster(g,
+    eps = 1E-05,
+    prefix = NULL);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
eps
+

tolerance value for check member is in
+ a stable cluster community?

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/metadata.html b/vignettes/igraph/igraph/metadata.html new file mode 100644 index 0000000..d1381a5 --- /dev/null +++ b/vignettes/igraph/igraph/metadata.html @@ -0,0 +1,101 @@ + + + + + create meta data for network tabular model. + + + + + + +
+ + + + + + +
metadata {igraph}R Documentation
+ +

create meta data for network tabular model.

+ +

Description

+ + + +

Usage

+ +
+
metadata(title,
+    description = "n/a",
+    creators = NULL,
+    create.time = NULL,
+    links = NULL,
+    keywords = NULL,
+    ... = NULL);
+
+ +

Arguments

+ + + +
title
+

-

+ + +
description
+

-

+ + +
creators
+

-

+ + +
create.time
+

-

+ + +
links
+

-

+ + +
keywords
+

-

+ + +
meta
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type MetaData.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/pushEdges.html b/vignettes/igraph/igraph/pushEdges.html new file mode 100644 index 0000000..8157f5c --- /dev/null +++ b/vignettes/igraph/igraph/pushEdges.html @@ -0,0 +1,84 @@ + + + + + Add edges by a given node label tuple list + + + + + + +
+ + + + + + +
pushEdges {igraph}R Documentation
+ +

Add edges by a given node label tuple list

+ +

Description

+ + + +

Usage

+ +
+
pushEdges(g, data,
+    weight = NULL,
+    type = NULL,
+    ignoreElementNotFound = TRUE);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
data
+

a given node label tuple list,
+ this parameter should be a list of edge names, in
+ format looks like list(tag = [from, to], ...).

+ + +
weight
+

the edge weights vector

+ + +
type
+

the edge types vector

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/read.network.html b/vignettes/igraph/igraph/read.network.html new file mode 100644 index 0000000..d36171c --- /dev/null +++ b/vignettes/igraph/igraph/read.network.html @@ -0,0 +1,79 @@ + + + + + load network graph object from a given file location + + + + + + +
+ + + + + + +
read.network {igraph}R Documentation
+ +

load network graph object from a given file location

+ +

Description

+ + + +

Usage

+ +
+
read.network(directory,
+    defaultNodeSize = "20,20",
+    defaultBrush = "black",
+    ignoresBrokenLinks = FALSE);
+
+ +

Arguments

+ + + +
directory
+

a directory which contains two data table:
+ nodes and network edges

+ + +
defaultNodeSize
+

default node size in width and height

+ + +
defaultBrush
+

default brush texture descriptor string

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/save.network.html b/vignettes/igraph/igraph/save.network.html new file mode 100644 index 0000000..1f62caf --- /dev/null +++ b/vignettes/igraph/igraph/save.network.html @@ -0,0 +1,77 @@ + + + + + save the network graph + + + + + + +
+ + + + + + +
save.network {igraph}R Documentation
+ +

save the network graph

+ +

Description

+ + + +

Usage

+ +
+
save.network(g, file,
+    properties = ["*"],
+    meta = NULL);
+
+ +

Arguments

+ + + +
g
+

the network graph object or [nodes, edges] table data.

+ + +
file
+

a folder file path for save the network data.

+ + +
properties
+

a list of property name for save in node table and edge table.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type boolean.

clr value class

  • boolean
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/selects.html b/vignettes/igraph/igraph/selects.html new file mode 100644 index 0000000..e56fc29 --- /dev/null +++ b/vignettes/igraph/igraph/selects.html @@ -0,0 +1,71 @@ + + + + + Node select by group or other condition + + + + + + +
+ + + + + + +
selects {igraph}R Documentation
+ +

Node select by group or other condition

+ +

Description

+ + + +

Usage

+ +
+
selects(g, typeSelector);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
typeSelector
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Node.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/trim.edges.html b/vignettes/igraph/igraph/trim.edges.html new file mode 100644 index 0000000..13c0bac --- /dev/null +++ b/vignettes/igraph/igraph/trim.edges.html @@ -0,0 +1,73 @@ + + + + + removes duplicated edges in the network + + + + + + +
+ + + + + + +
trim.edges {igraph}R Documentation
+ +

removes duplicated edges in the network

+ +

Description

+ + + +

Usage

+ +
+
trim.edges(g,
+    directedGraph = FALSE,
+    removesTuples = FALSE);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
directedGraph
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ 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[].

clr value class

+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/weight.html b/vignettes/igraph/igraph/weight.html new file mode 100644 index 0000000..fdf43ba --- /dev/null +++ b/vignettes/igraph/igraph/weight.html @@ -0,0 +1,87 @@ + + + + + set edge weight and get edge weights + + + + + + +
+ + + + + + +
weight {igraph}R Documentation
+ +

set edge weight and get edge weights

+ +

Description

+ + + +

Usage

+ +
+
weight(g,
+    u = NULL,
+    v = NULL,
+    setWeight = 0,
+    directed = FALSE);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
u
+

-

+ + +
v
+

-

+ + +
setWeight
+

-

+ + +
directed
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/igraph/xref.html b/vignettes/igraph/igraph/xref.html new file mode 100644 index 0000000..8a47808 --- /dev/null +++ b/vignettes/igraph/igraph/xref.html @@ -0,0 +1,67 @@ + + + + + get node reference id list + + + + + + +
+ + + + + + +
xref {igraph}R Documentation
+ +

get node reference id list

+ +

Description

+ + + +

Usage

+ +
+
xref(v);
+
+ +

Arguments

+ + + +
v
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package igraph version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/layouts.html b/vignettes/igraph/layouts.html new file mode 100644 index 0000000..2a1068c --- /dev/null +++ b/vignettes/igraph/layouts.html @@ -0,0 +1,112 @@ + + + + + + + layouts + + + + + + + + + + + + + + + + + + + + + + + +
{layouts}R# Documentation
+

layouts

+
+

+ + require(R); +

#' Do network layouts
imports "layouts" from "igraph"; +
+

+

Do network layouts

+
+

+

Do network layouts

+

+
+
+ + + + + + + + + + + + + + + + + + + + + +
+ layout.random +

do random layout of the given network graph object and then returns the given graph object.

+ layout.circular_force +

Do force directed layout

+ layout.force_directed +

Do force directed layout

+ layout.springForce +

Do force directed layout

+ layout.orthogonal +

do orthogonal layout for the network graph input

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/igraph/layouts/layout.circular_force.html b/vignettes/igraph/layouts/layout.circular_force.html new file mode 100644 index 0000000..4f76dc0 --- /dev/null +++ b/vignettes/igraph/layouts/layout.circular_force.html @@ -0,0 +1,78 @@ + + + + + Do force directed layout + + + + + + +
+ + + + + + +
layout.circular_force {layouts}R Documentation
+ +

Do force directed layout

+ +

Description

+ + + +

Usage

+ +
+
layout.circular_force(g,
+    ejectFactor = 6,
+    condenseFactor = 3,
+    maxtx = 4,
+    maxty = 3,
+    dist = "30,250",
+    size = "1000,1000",
+    iterations = 200);
+
+ +

Arguments

+ + + +
g
+

A network graph object.

+ + +
iterations
+

The number of layout iterations.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package layouts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/layouts/layout.force_directed.html b/vignettes/igraph/layouts/layout.force_directed.html new file mode 100644 index 0000000..52d75f2 --- /dev/null +++ b/vignettes/igraph/layouts/layout.force_directed.html @@ -0,0 +1,83 @@ + + + + + Do force directed layout + + + + + + +
+ + + + + + +
layout.force_directed {layouts}R Documentation
+ +

Do force directed layout

+ +

Description

+ + + +

Usage

+ +
+
layout.force_directed(g,
+    ejectFactor = 6,
+    condenseFactor = 3,
+    maxtx = 4,
+    maxty = 3,
+    dist = "30,250",
+    size = "1000,1000",
+    iterations = 200,
+    algorithm = ["force_directed","degree_weighted","group_weighted","edge_weighted"],
+    groupAttraction = 5,
+    groupRepulsive = 5,
+    weightedFactor = 8,
+    avoids = NULL);
+
+ +

Arguments

+ + + +
g
+

A network graph object.

+ + +
iterations
+

The number of layout iterations.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package layouts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/layouts/layout.orthogonal.html b/vignettes/igraph/layouts/layout.orthogonal.html new file mode 100644 index 0000000..8c52a51 --- /dev/null +++ b/vignettes/igraph/layouts/layout.orthogonal.html @@ -0,0 +1,82 @@ + + + + + do orthogonal layout for the network graph input + + + + + + +
+ + + + + + +
layout.orthogonal {layouts}R Documentation
+ +

do orthogonal layout for the network graph input

+ +

Description

+ + + +

Usage

+ +
+
layout.orthogonal(g,
+    gridSize = "1000,1000",
+    delta = 13,
+    layoutIteration = -1);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
gridSize
+

-

+ + +
delta
+

the node movement delta

+ + +
layoutIteration
+

the iteration number for run the layout process, -1 means auto calculation.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package layouts version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package layouts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/layouts/layout.springForce.html b/vignettes/igraph/layouts/layout.springForce.html new file mode 100644 index 0000000..84848ec --- /dev/null +++ b/vignettes/igraph/layouts/layout.springForce.html @@ -0,0 +1,81 @@ + + + + + Do force directed layout + + + + + + +
+ + + + + + +
layout.springForce {layouts}R Documentation
+ +

Do force directed layout

+ +

Description

+ + + +

Usage

+ +
+
layout.springForce(g,
+    stiffness = 80,
+    repulsion = 4000,
+    damping = 0.83,
+    iterations = 1000,
+    clearScreen = FALSE,
+    showProgress = TRUE);
+
+ +

Arguments

+ + + +
g
+

A network graph object.

+ + +
iterations
+

The number of layout iterations.

+ + +
clearScreen
+

Clear of the console screen when display the progress bar.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type NetworkGraph.

clr value class

+ +

Examples

+ + + +
+
[Package layouts version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/styler.html b/vignettes/igraph/styler.html new file mode 100644 index 0000000..dd5b9c0 --- /dev/null +++ b/vignettes/igraph/styler.html @@ -0,0 +1,100 @@ + + + + + + + styler + + + + + + + + + + + + + + + + + + + + + + + +
{styler}R# Documentation
+

styler

+
+

+ + require(R); +

{$desc_comments}
imports "styler" from "igraph"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + +
+ width +

set or get edge pen width

+ color +

get/set node or edge color style

+ size +

set or get node size data

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/igraph/styler/color.html b/vignettes/igraph/styler/color.html new file mode 100644 index 0000000..2caf80c --- /dev/null +++ b/vignettes/igraph/styler/color.html @@ -0,0 +1,76 @@ + + + + + get/set node or edge color style + + + + + + +
+ + + + + + +
color {styler}R Documentation
+ +

get/set node or edge color style

+ +

Description

+ + + +

Usage

+ +
+
color(g,
+    val = NULL);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
val
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package styler version 1.0.0.0 Index] +
+
+ + + + + + + \ 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 + + + + + + +
+ + + + + + +
size {styler}R Documentation
+ +

set or get node size data

+ +

Description

+ + + +

Usage

+ +
+
size(v,
+    val = NULL);
+
+ +

Arguments

+ + + +
v
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type V.

clr value class

+ +

Examples

+ + + +
+
[Package styler version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/styler/width.html b/vignettes/igraph/styler/width.html new file mode 100644 index 0000000..15af10b --- /dev/null +++ b/vignettes/igraph/styler/width.html @@ -0,0 +1,76 @@ + + + + + set or get edge pen width + + + + + + +
+ + + + + + +
width {styler}R Documentation
+ +

set or get edge pen width

+ +

Description

+ + + +

Usage

+ +
+
width(e,
+    val = NULL);
+
+ +

Arguments

+ + + +
e
+

-

+ + +
val
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package styler version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/visualizer.html b/vignettes/igraph/visualizer.html new file mode 100644 index 0000000..eb068c2 --- /dev/null +++ b/vignettes/igraph/visualizer.html @@ -0,0 +1,106 @@ + + + + + + + visualizer + + + + + + + + + + + + + + + + + + + + + + + +
{visualizer}R# Documentation
+

visualizer

+
+

+ + require(R); +

#' Rendering png or svg image from a given network graph model.
imports "visualizer" from "igraph"; +
+

+

Rendering png or svg image from a given network graph model.

+
+

+

Rendering png or svg image from a given network graph model.

+

+
+
+ + + + + + + + + + + + + + + + + +
+ render +

Rendering png or svg image from a given network graph model.

+ setColors +

set color by node group

+ edge.color +
+ node.colors +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/igraph/visualizer/edge.color.html b/vignettes/igraph/visualizer/edge.color.html new file mode 100644 index 0000000..c181bb3 --- /dev/null +++ b/vignettes/igraph/visualizer/edge.color.html @@ -0,0 +1,65 @@ + + + + + edge.color + + + + + + +
+ + + + + + +
edge.color {visualizer}R Documentation
+ +

edge.color

+ +

Description

+ + edge.color + +

Usage

+ +
+
edge.color(g,
+    colors = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package visualizer version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/visualizer/node.colors.html b/vignettes/igraph/visualizer/node.colors.html new file mode 100644 index 0000000..2bb1403 --- /dev/null +++ b/vignettes/igraph/visualizer/node.colors.html @@ -0,0 +1,65 @@ + + + + + node.colors + + + + + + +
+ + + + + + +
node.colors {visualizer}R Documentation
+ +

node.colors

+ +

Description

+ + node.colors + +

Usage

+ +
+
node.colors(g,
+    colors = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object in these one of the listed data types: NetworkGraph, list.

clr value class

+ +

Examples

+ + + +
+
[Package visualizer version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/igraph/visualizer/render.html b/vignettes/igraph/visualizer/render.html new file mode 100644 index 0000000..e345994 --- /dev/null +++ b/vignettes/igraph/visualizer/render.html @@ -0,0 +1,99 @@ + + + + + Rendering png or svg image from a given network graph model. + + + + + + +
+ + + + + + +
render {visualizer}R Documentation
+ +

Rendering png or svg image from a given network graph model.

+ +

Description

+ + + +

Usage

+ +
+
render(g,
+    canvasSize = "1024,768",
+    padding = "padding:100px 100px 100px 100px;",
+    defaultColor = "skyblue",
+    minNodeSize = 10,
+    minLinkWidth = 2,
+    nodeSize = "size",
+    nodeLabel = NULL,
+    nodeStroke = "stroke: black; stroke-width: 2px; stroke-dash: solid;",
+    nodeVisual = NULL,
+    hullPolygonGroups = NULL,
+    labelFontSize = 20,
+    labelerIterations = 100,
+    labelColor = NULL,
+    labelWordWrapWidth = -1,
+    texture = NULL,
+    widget = NULL,
+    showLabelerProgress = FALSE,
+    showUntexture = TRUE,
+    showLabel = TRUE,
+    defaultEdgeColor = "lightgray",
+    defaultEdgeDash = Solid,
+    defaultLabelColor = "black",
+    drawEdgeDirection = FALSE,
+    driver = GDI);
+
+ +

Arguments

+ + + +
g
+

-

+ + +
canvasSize
+

-

+ + +
texture
+

get texture brush or color brush descriptor string.

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type GraphicsData.

clr value class

+ +

Examples

+ + + +
+
[Package visualizer version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

+ +

Examples

+ + + +
+
[Package visualizer version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/njl/c.html b/vignettes/njl/c.html new file mode 100644 index 0000000..640c0c2 --- /dev/null +++ b/vignettes/njl/c.html @@ -0,0 +1,83 @@ + + + + + + + c + + + + + + + + + + + + + + + + + + + + + + + +
{c}R# Documentation
+

c

+
+

+ + require(R); +

{$desc_comments}
imports "c" from "njl"; +
+

+

+
+

+ +

+
+
+ + +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/njl/io.html b/vignettes/njl/io.html new file mode 100644 index 0000000..0ff360a --- /dev/null +++ b/vignettes/njl/io.html @@ -0,0 +1,107 @@ + + + + + + + io + + + + + + + + + + + + + + + + + + + + + + + +
{io}R# Documentation
+

io

+
+

+ + require(R); +

{$desc_comments}
imports "io" from "njl"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + +
+ open +

Apply the function f to the result of open(args...; kwargs...)
+ and close the resulting file descriptor upon completion.

+ write +

open for writing

+ read +

open for reading

+ flush +

Commit all currently buffered writes to the given stream.

+
+
+
[Document Index]
+ + \ 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.

+ +

Description

+ + + +

Usage

+ +
+
flush(resource);
+
+ +

Arguments

+ + + +
resource
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package io version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package io version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/njl/io/read.html b/vignettes/njl/io/read.html new file mode 100644 index 0000000..bc75485 --- /dev/null +++ b/vignettes/njl/io/read.html @@ -0,0 +1,72 @@ + + + + + open for reading + + + + + + +
+ + + + + + +
read {io}R Documentation
+ +

open for reading

+ +

Description

+ + + +

Usage

+ +
+
read(file,
+    type = "String");
+
+ +

Arguments

+ + + +
file
+

-

+ + +
type
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package io version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/njl/io/write.html b/vignettes/njl/io/write.html new file mode 100644 index 0000000..ac7283d --- /dev/null +++ b/vignettes/njl/io/write.html @@ -0,0 +1,75 @@ + + + + + open for writing + + + + + + +
+ + + + + + +
write {io}R Documentation
+ +

open for writing

+ +

Description

+ + + +

Usage

+ +
+
write(file, x);
+
+ +

Arguments

+ + + +
file
+

-

+ + +
x
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package io version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/njl/math.html b/vignettes/njl/math.html new file mode 100644 index 0000000..43d642d --- /dev/null +++ b/vignettes/njl/math.html @@ -0,0 +1,88 @@ + + + + + + + math + + + + + + + + + + + + + + + + + + + + + + + +
{math}R# Documentation
+

math

+
+

+ + require(R); +

#' the R# math module
imports "math" from "njl"; +
+

+

the R# math module

+
+

+

the R# math module

+

+
+
+ + + + + +
+ zero +

Get the additive identity element for the type of x (x can also specify the type itself).

+
+
+
[Document Index]
+ + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package math version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

  • +
+

+
+
+ + + + + + + + + +
+ parse +
+ stringify +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/nts/JSON/parse.html b/vignettes/nts/JSON/parse.html new file mode 100644 index 0000000..deffcff --- /dev/null +++ b/vignettes/nts/JSON/parse.html @@ -0,0 +1,64 @@ + + + + + parse + + + + + + +
+ + + + + + +
parse {JSON}R Documentation
+ +

parse

+ +

Description

+ + parse + +

Usage

+ +
+
parse(json);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package JSON version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/JSON/stringify.html b/vignettes/nts/JSON/stringify.html new file mode 100644 index 0000000..2c61ced --- /dev/null +++ b/vignettes/nts/JSON/stringify.html @@ -0,0 +1,64 @@ + + + + + stringify + + + + + + +
+ + + + + + +
stringify {JSON}R Documentation
+ +

stringify

+ +

Description

+ + stringify + +

Usage

+ +
+
stringify(obj);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package JSON version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/Math.html b/vignettes/nts/Math.html new file mode 100644 index 0000000..2172cbd --- /dev/null +++ b/vignettes/nts/Math.html @@ -0,0 +1,88 @@ + + + + + + + Math + + + + + + + + + + + + + + + + + + + + + + + +
{Math}R# Documentation
+

Math

+
+

+ + require(R); +

{$desc_comments}
imports "Math" from "nts"; +
+

+

+
+

+ +

+
+
+ + + + + +
+ random +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/nts/Math/random.html b/vignettes/nts/Math/random.html new file mode 100644 index 0000000..6e7faca --- /dev/null +++ b/vignettes/nts/Math/random.html @@ -0,0 +1,64 @@ + + + + + random + + + + + + +
+ + + + + + +
random {Math}R Documentation
+ +

random

+ +

Description

+ + random + +

Usage

+ +
+
random();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type double.

clr value class

  • double
+ +

Examples

+ + + +
+
[Package Math version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/console.html b/vignettes/nts/console.html new file mode 100644 index 0000000..28644cd --- /dev/null +++ b/vignettes/nts/console.html @@ -0,0 +1,94 @@ + + + + + + + console + + + + + + + + + + + + + + + + + + + + + + + +
{console}R# Documentation
+

console

+
+

+ + require(R); +

#' R# console utilities
imports "console" from "nts"; +
+

+

R# console utilities

+
+

+

R# console utilities

+

+
+
+ + + + + + + + + +
+ log +
+ table +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/nts/console/log.html b/vignettes/nts/console/log.html new file mode 100644 index 0000000..133c972 --- /dev/null +++ b/vignettes/nts/console/log.html @@ -0,0 +1,64 @@ + + + + + log + + + + + + +
+ + + + + + +
log {console}R Documentation
+ +

log

+ +

Description

+ + log + +

Usage

+ +
+
log(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package console version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/console/table.html b/vignettes/nts/console/table.html new file mode 100644 index 0000000..e7bf98a --- /dev/null +++ b/vignettes/nts/console/table.html @@ -0,0 +1,64 @@ + + + + + table + + + + + + +
+ + + + + + +
table {console}R Documentation
+ +

table

+ +

Description

+ + table + +

Usage

+ +
+
table(x);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package console version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/localStorage.html b/vignettes/nts/localStorage.html new file mode 100644 index 0000000..f68b7de --- /dev/null +++ b/vignettes/nts/localStorage.html @@ -0,0 +1,106 @@ + + + + + + + localStorage + + + + + + + + + + + + + + + + + + + + + + + +
{localStorage}R# Documentation
+

localStorage

+
+

+ + require(R); +

{$desc_comments}
imports "localStorage" from "nts"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + +
+ clear +
+ removeItem +
+ setItem +
+ getItem +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/nts/localStorage/clear.html b/vignettes/nts/localStorage/clear.html new file mode 100644 index 0000000..a40a106 --- /dev/null +++ b/vignettes/nts/localStorage/clear.html @@ -0,0 +1,64 @@ + + + + + clear + + + + + + +
+ + + + + + +
clear {localStorage}R Documentation
+ +

clear

+ +

Description

+ + clear + +

Usage

+ +
+
clear();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package localStorage version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/localStorage/getItem.html b/vignettes/nts/localStorage/getItem.html new file mode 100644 index 0000000..80e12ba --- /dev/null +++ b/vignettes/nts/localStorage/getItem.html @@ -0,0 +1,64 @@ + + + + + getItem + + + + + + +
+ + + + + + +
getItem {localStorage}R Documentation
+ +

getItem

+ +

Description

+ + getItem + +

Usage

+ +
+
getItem(key);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package localStorage version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/localStorage/removeItem.html b/vignettes/nts/localStorage/removeItem.html new file mode 100644 index 0000000..3d57791 --- /dev/null +++ b/vignettes/nts/localStorage/removeItem.html @@ -0,0 +1,64 @@ + + + + + removeItem + + + + + + +
+ + + + + + +
removeItem {localStorage}R Documentation
+ +

removeItem

+ +

Description

+ + removeItem + +

Usage

+ +
+
removeItem(keyname);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package localStorage version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/localStorage/setItem.html b/vignettes/nts/localStorage/setItem.html new file mode 100644 index 0000000..d5e369d --- /dev/null +++ b/vignettes/nts/localStorage/setItem.html @@ -0,0 +1,64 @@ + + + + + setItem + + + + + + +
+ + + + + + +
setItem {localStorage}R Documentation
+ +

setItem

+ +

Description

+ + setItem + +

Usage

+ +
+
setItem(key, value);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package localStorage version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/sessionStorage.html b/vignettes/nts/sessionStorage.html new file mode 100644 index 0000000..21e793d --- /dev/null +++ b/vignettes/nts/sessionStorage.html @@ -0,0 +1,106 @@ + + + + + + + sessionStorage + + + + + + + + + + + + + + + + + + + + + + + +
{sessionStorage}R# Documentation
+

sessionStorage

+
+

+ + require(R); +

{$desc_comments}
imports "sessionStorage" from "nts"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + +
+ clear +
+ removeItem +
+ setItem +
+ getItem +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/nts/sessionStorage/clear.html b/vignettes/nts/sessionStorage/clear.html new file mode 100644 index 0000000..25245c2 --- /dev/null +++ b/vignettes/nts/sessionStorage/clear.html @@ -0,0 +1,64 @@ + + + + + clear + + + + + + +
+ + + + + + +
clear {sessionStorage}R Documentation
+ +

clear

+ +

Description

+ + clear + +

Usage

+ +
+
clear();
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package sessionStorage version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/sessionStorage/getItem.html b/vignettes/nts/sessionStorage/getItem.html new file mode 100644 index 0000000..82be991 --- /dev/null +++ b/vignettes/nts/sessionStorage/getItem.html @@ -0,0 +1,64 @@ + + + + + getItem + + + + + + +
+ + + + + + +
getItem {sessionStorage}R Documentation
+ +

getItem

+ +

Description

+ + getItem + +

Usage

+ +
+
getItem(key);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package sessionStorage version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/sessionStorage/removeItem.html b/vignettes/nts/sessionStorage/removeItem.html new file mode 100644 index 0000000..168f697 --- /dev/null +++ b/vignettes/nts/sessionStorage/removeItem.html @@ -0,0 +1,64 @@ + + + + + removeItem + + + + + + +
+ + + + + + +
removeItem {sessionStorage}R Documentation
+ +

removeItem

+ +

Description

+ + removeItem + +

Usage

+ +
+
removeItem(keyname);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package sessionStorage version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/nts/sessionStorage/setItem.html b/vignettes/nts/sessionStorage/setItem.html new file mode 100644 index 0000000..a31f64e --- /dev/null +++ b/vignettes/nts/sessionStorage/setItem.html @@ -0,0 +1,64 @@ + + + + + setItem + + + + + + +
+ + + + + + +
setItem {sessionStorage}R Documentation
+ +

setItem

+ +

Description

+ + setItem + +

Usage

+ +
+
setItem(key, value);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package sessionStorage version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/roxygenNet/rdocumentation.html b/vignettes/roxygenNet/rdocumentation.html new file mode 100644 index 0000000..d1772ac --- /dev/null +++ b/vignettes/roxygenNet/rdocumentation.html @@ -0,0 +1,106 @@ + + + + + + + rdocumentation + + + + + + + + + + + + + + + + + + + + + + + +
{rdocumentation}R# Documentation
+

rdocumentation

+
+

+ + require(R); +

{$desc_comments}
imports "rdocumentation" from "roxygenNet"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + +
+ documentation +
+ pull_clr_types +
+ clr_docs +

make documents based on a given clr type meta data

+ getFunctions +
+
+
+
[Document Index]
+ + \ 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.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package rdocumentation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/roxygenNet/rdocumentation/documentation.html b/vignettes/roxygenNet/rdocumentation/documentation.html new file mode 100644 index 0000000..f0b0c62 --- /dev/null +++ b/vignettes/roxygenNet/rdocumentation/documentation.html @@ -0,0 +1,64 @@ + + + + + documentation + + + + + + +
+ + + + + + +
documentation {rdocumentation}R Documentation
+ +

documentation

+ +

Description

+ + documentation + +

Usage

+ +
+
documentation(func, template);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package rdocumentation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/roxygenNet/rdocumentation/getFunctions.html b/vignettes/roxygenNet/rdocumentation/getFunctions.html new file mode 100644 index 0000000..ce36667 --- /dev/null +++ b/vignettes/roxygenNet/rdocumentation/getFunctions.html @@ -0,0 +1,71 @@ + + + + + + + + + + + +
+ + + + + + +
getFunctions {rdocumentation}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
getFunctions(package);
+
+ +

Arguments

+ + + +
package
+

the R# package module name or the module object itself.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package rdocumentation version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/roxygenNet/rdocumentation/pull_clr_types.html b/vignettes/roxygenNet/rdocumentation/pull_clr_types.html new file mode 100644 index 0000000..04aa958 --- /dev/null +++ b/vignettes/roxygenNet/rdocumentation/pull_clr_types.html @@ -0,0 +1,65 @@ + + + + + pull_clr_types + + + + + + +
+ + + + + + +
pull_clr_types {rdocumentation}R Documentation
+ +

pull_clr_types

+ +

Description

+ + pull_clr_types + +

Usage

+ +
+
pull_clr_types(
+    generic.excludes = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Type[].

clr value class

+ +

Examples

+ + + +
+
[Package rdocumentation version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + +
+ parse +
+ roxygenize +

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.

+ markdown2Html +

convert the markdown text content to html text

+ unixMan +

generate unix man page and the markdown index page file

+
+
+
[Document Index]
+ + \ 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.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package roxygen version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/roxygenNet/roxygen/parse.html b/vignettes/roxygenNet/roxygen/parse.html new file mode 100644 index 0000000..567f016 --- /dev/null +++ b/vignettes/roxygenNet/roxygen/parse.html @@ -0,0 +1,64 @@ + + + + + parse + + + + + + +
+ + + + + + +
parse {roxygen}R Documentation
+ +

parse

+ +

Description

+ + parse + +

Usage

+ +
+
parse(script);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type list.

clr value class

  • list
+ +

Examples

+ + + +
+
[Package roxygen version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

+ + +

Value

+ +

NULL

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package roxygen version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/roxygenNet/roxygen/unixMan.html b/vignettes/roxygenNet/roxygen/unixMan.html new file mode 100644 index 0000000..124e211 --- /dev/null +++ b/vignettes/roxygenNet/roxygen/unixMan.html @@ -0,0 +1,75 @@ + + + + + generate unix man page and the markdown index page file + + + + + + +
+ + + + + + +
unixMan {roxygen}R Documentation
+ +

generate unix man page and the markdown index page file

+ +

Description

+ + + +

Usage

+ +
+
unixMan(pkg, output);
+
+ +

Arguments

+ + + +
pkg
+

-

+ + +
output
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + This function has no value returns. + +

Examples

+ + + +
+
[Package roxygen version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/roxygenNet/utils.docs.html b/vignettes/roxygenNet/utils.docs.html new file mode 100644 index 0000000..d30fff7 --- /dev/null +++ b/vignettes/roxygenNet/utils.docs.html @@ -0,0 +1,94 @@ + + + + + + + utils.docs + + + + + + + + + + + + + + + + + + + + + + + +
{utils.docs}R# Documentation
+

utils.docs

+
+

+ + require(R); +

#' R# help document tools
imports "utils.docs" from "roxygenNet"; +
+

+

R# help document tools

+
+

+ +

+
+
+ + + + + + + + + +
+ markdown.docs +
+ makehtml.docs +

Create html help document for the specific package module

+
+
+
[Document Index]
+ + \ 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

+ +

Description

+ + + +

Usage

+ +
+
makehtml.docs(pkgName,
+    template = NULL,
+    package = NULL,
+    globalEnv = NULL);
+
+ +

Arguments

+ + + +
pkgName
+

The package name

+ + +
globalEnv
+

-

+ +
+ + +

Details

+ +

This method create a single html help page file for generates
+ pdf help manual file.

+ + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package utils.docs version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/roxygenNet/utils.docs/markdown.docs.html b/vignettes/roxygenNet/utils.docs/markdown.docs.html new file mode 100644 index 0000000..c6fc20c --- /dev/null +++ b/vignettes/roxygenNet/utils.docs/markdown.docs.html @@ -0,0 +1,65 @@ + + + + + markdown.docs + + + + + + +
+ + + + + + +
markdown.docs {utils.docs}R Documentation
+ +

markdown.docs

+ +

Description

+ + markdown.docs + +

Usage

+ +
+
markdown.docs(package,
+    globalEnv = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package utils.docs version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/signalKit/signalProcessing.html b/vignettes/signalKit/signalProcessing.html new file mode 100644 index 0000000..e45468d --- /dev/null +++ b/vignettes/signalKit/signalProcessing.html @@ -0,0 +1,125 @@ + + + + + + + signalProcessing + + + + + + + + + + + + + + + + + + + + + + + +
{signalProcessing}R# Documentation
+

signalProcessing

+
+

+ + require(R); +

{$desc_comments}
imports "signalProcessing" from "signalKit"; +
+

+

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ findpeaks +
+ as.signal +

Create a new general signal

+ gaussian_bin +
+ gaussian_fit +

Fit time/spectrum/other sequential data with a set of gaussians
+ by expectation-maximization algoritm.

+ resampler +
+ writeCDF +
+ signal.matrix +
+
+
+
[Document Index]
+ + \ 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 + + + + + + +
+ + + + + + +
as.signal {signalProcessing}R Documentation
+ +

Create a new general signal

+ +

Description

+ + + +

Usage

+ +
+
as.signal(measure, signals,
+    title = "general signal",
+    ... = NULL);
+
+ +

Arguments

+ + + +
measure
+

-

+ + +
signals
+

-

+ + +
title$
+

-

+ + +
meta
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type GeneralSignal.

clr value class

+ +

Examples

+ + + +
+
[Package signalProcessing version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/signalKit/signalProcessing/findpeaks.html b/vignettes/signalKit/signalProcessing/findpeaks.html new file mode 100644 index 0000000..7352c28 --- /dev/null +++ b/vignettes/signalKit/signalProcessing/findpeaks.html @@ -0,0 +1,66 @@ + + + + + findpeaks + + + + + + +
+ + + + + + +
findpeaks {signalProcessing}R Documentation
+ +

findpeaks

+ +

Description

+ + findpeaks + +

Usage

+ +
+
findpeaks(signal,
+    baseline = 0.65,
+    cutoff = 3);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type SignalPeak[].

clr value class

+ +

Examples

+ + + +
+
[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

+ +

Description

+ +

by expectation-maximization algoritm.

+ +

Usage

+ +
+
gaussian_fit(sig,
+    max.peaks = 100,
+    max.loops = 10000,
+    eps = 1E-05);
+
+ +

Arguments

+ + + +
sig
+

-

+ + +
max.peaks
+

-

+ + +
max.loops
+

-

+ + +
eps
+

-

+ + +
env
+

-

+ +
+ + +

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/resampler.html b/vignettes/signalKit/signalProcessing/resampler.html new file mode 100644 index 0000000..4a3eafc --- /dev/null +++ b/vignettes/signalKit/signalProcessing/resampler.html @@ -0,0 +1,65 @@ + + + + + resampler + + + + + + +
+ + + + + + +
resampler {signalProcessing}R Documentation
+ +

resampler

+ +

Description

+ + resampler + +

Usage

+ +
+
resampler(sig,
+    max.dx = 1.7976931348623157E+308);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type LinearFunction.

clr value class

+ +

Examples

+ + + +
+
[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.

clr value class

+ +

Examples

+ + + +
+
[Package signalProcessing version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/signalKit/signalProcessing/writeCDF.html b/vignettes/signalKit/signalProcessing/writeCDF.html new file mode 100644 index 0000000..db66c85 --- /dev/null +++ b/vignettes/signalKit/signalProcessing/writeCDF.html @@ -0,0 +1,65 @@ + + + + + writeCDF + + + + + + +
+ + + + + + +
writeCDF {signalProcessing}R Documentation
+ +

writeCDF

+ +

Description

+ + writeCDF + +

Usage

+ +
+
writeCDF(signals, file,
+    description = "no description");
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type boolean.

clr value class

  • boolean
+ +

Examples

+ + + +
+
[Package signalProcessing version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/signalKit/wav.html b/vignettes/signalKit/wav.html new file mode 100644 index 0000000..104458e --- /dev/null +++ b/vignettes/signalKit/wav.html @@ -0,0 +1,88 @@ + + + + + + + wav + + + + + + + + + + + + + + + + + + + + + + + +
{wav}R# Documentation
+

wav

+
+

+ + require(R); +

{$desc_comments}
imports "wav" from "signalKit"; +
+

+

+
+

+ +

+
+
+ + + + + +
+ read.wav +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/signalKit/wav/read.wav.html b/vignettes/signalKit/wav/read.wav.html new file mode 100644 index 0000000..9dc4df4 --- /dev/null +++ b/vignettes/signalKit/wav/read.wav.html @@ -0,0 +1,76 @@ + + + + + + + + + + + +
+ + + + + + +
read.wav {wav}R Documentation
+ +

+ +

Description

+ + + +

Usage

+ +
+
read.wav(file,
+    lazy = FALSE);
+
+ +

Arguments

+ + + +
file
+

-

+ + +
lazy
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type WaveFile.

clr value class

+ +

Examples

+ + + +
+
[Package wav version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/snowFall/Parallel.html b/vignettes/snowFall/Parallel.html new file mode 100644 index 0000000..f2c3217 --- /dev/null +++ b/vignettes/snowFall/Parallel.html @@ -0,0 +1,135 @@ + + + + + + + Parallel + + + + + + + + + + + + + + + + + + + + + + + +
{Parallel}R# Documentation
+

Parallel

+
+

+ + require(R); +

#' Support for Parallel computation in R#
imports "Parallel" from "snowFall"; +
+

+

Support for Parallel computation in R#

+ +

this package module implements two kinds of the parallel client:

+ +
    +
  1. Parallel::snowFall(port) works for the clr assembly function parallel
  2. +
  3. Parallel::slave(port) works for the R# expression parallel
  4. +

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ snowFall +

run parallel client node task

+ detectCores +

detectCores: Detect the Number of CPU Cores

+ +

Attempt to detect the number of CPU cores on the current host.

+ makeCluster +

makeCluster: Create a Parallel Socket Cluster

+ +

Creates a set of copies of R running in parallel and communicating over sockets.

+ worker +
+ parseSymbolPayload +
+ slave +

run slave pipeline task on this new folked sub-process

+ parallel +

run parallel of R# expression

+
+
+
[Document Index]
+ + \ 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.

clr value class

  • integer
+ +

Examples

+ + + +
+
[Package Parallel version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/snowFall/Parallel/makeCluster.html b/vignettes/snowFall/Parallel/makeCluster.html new file mode 100644 index 0000000..f85bbb0 --- /dev/null +++ b/vignettes/snowFall/Parallel/makeCluster.html @@ -0,0 +1,71 @@ + + + + + makeCluster: Create a Parallel Socket Cluster + + + + + + +
+ + + + + + +
makeCluster {Parallel}R Documentation
+ +

makeCluster: Create a Parallel Socket Cluster

+ +

Description

+ +


Creates a set of copies of R running in parallel and communicating over sockets.

+ +

Usage

+ +
+
makeCluster(spec);
+
+ +

Arguments

+ + + +
spec
+

A specification appropriate To the type Of cluster.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package Parallel version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/snowFall/Parallel/parallel.html b/vignettes/snowFall/Parallel/parallel.html new file mode 100644 index 0000000..d989752 --- /dev/null +++ b/vignettes/snowFall/Parallel/parallel.html @@ -0,0 +1,93 @@ + + + + + run parallel of R# expression + + + + + + +
+ + + + + + +
parallel {Parallel}R Documentation
+ +

run parallel of R# expression

+ +

Description

+ + + +

Usage

+ +
+
parallel(task,
+    n.threads = -1,
+    debug = NULL,
+    ignoreError = NULL,
+    verbose = NULL,
+    ... = NULL);
+
+ +

Arguments

+ + + +
task
+

-

+ + +
...argvSet.....
+

there are some additional parameter in this object list that can be config:

+ +
    +
  1. debug: set true for open debug mode
  2. +
  3. master: set the tcp port of the master node
  4. +
  5. bootstrap: set the bootstrap tcp port of the slave node
  6. +
  7. slaveDebug: set this option to pause will make the master node pause when run a new salve node for run debug
  8. +
  9. 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.

  10. +

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package Parallel version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/snowFall/Parallel/parseSymbolPayload.html b/vignettes/snowFall/Parallel/parseSymbolPayload.html new file mode 100644 index 0000000..41d98b3 --- /dev/null +++ b/vignettes/snowFall/Parallel/parseSymbolPayload.html @@ -0,0 +1,64 @@ + + + + + parseSymbolPayload + + + + + + +
+ + + + + + +
parseSymbolPayload {Parallel}R Documentation
+ +

parseSymbolPayload

+ +

Description

+ + parseSymbolPayload + +

Usage

+ +
+
parseSymbolPayload(payload);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package Parallel version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/snowFall/Parallel/slave.html b/vignettes/snowFall/Parallel/slave.html new file mode 100644 index 0000000..f5342db --- /dev/null +++ b/vignettes/snowFall/Parallel/slave.html @@ -0,0 +1,73 @@ + + + + + run slave pipeline task on this new folked sub-process + + + + + + +
+ + + + + + +
slave {Parallel}R Documentation
+ +

run slave pipeline task on this new folked sub-process

+ +

Description

+ + + +

Usage

+ +
+
slave(port);
+
+ +

Arguments

+ + + +
port
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ +

A client of the R# expression slave parallel task.

+ +

this function will break the rscript process when its job done!

+ + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package Parallel version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/snowFall/Parallel/snowFall.html b/vignettes/snowFall/Parallel/snowFall.html new file mode 100644 index 0000000..12946aa --- /dev/null +++ b/vignettes/snowFall/Parallel/snowFall.html @@ -0,0 +1,68 @@ + + + + + run parallel client node task + + + + + + +
+ + + + + + +
snowFall {Parallel}R Documentation
+ +

run parallel client node task

+ +

Description

+ + + +

Usage

+ +
+
snowFall(port,
+    master = "localhost");
+
+ +

Arguments

+ + + +
port
+

-

+ +
+ + +

Details

+ +

A client of the clr assembly function slave parallel task

+ + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package Parallel version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/snowFall/Parallel/worker.html b/vignettes/snowFall/Parallel/worker.html new file mode 100644 index 0000000..efd8cd4 --- /dev/null +++ b/vignettes/snowFall/Parallel/worker.html @@ -0,0 +1,64 @@ + + + + + worker + + + + + + +
+ + + + + + +
worker {Parallel}R Documentation
+ +

worker

+ +

Description

+ + worker + +

Usage

+ +
+
worker(host, port, outfile);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type workerList.

clr value class

+ +

Examples

+ + + +
+
[Package Parallel version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/snowFall/lambda.html b/vignettes/snowFall/lambda.html new file mode 100644 index 0000000..374109e --- /dev/null +++ b/vignettes/snowFall/lambda.html @@ -0,0 +1,83 @@ + + + + + + + lambda + + + + + + + + + + + + + + + + + + + + + + + +
{lambda}R# Documentation
+

lambda

+
+

+ + require(R); +

#' the R# cloud lambda feature.(RPC)
imports "lambda" from "snowFall"; +
+

+

the R# cloud lambda feature.(RPC)

+
+

+ +

+
+
+ + +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/webKit/Html.html b/vignettes/webKit/Html.html new file mode 100644 index 0000000..a39f49b --- /dev/null +++ b/vignettes/webKit/Html.html @@ -0,0 +1,112 @@ + + + + + + + Html + + + + + + + + + + + + + + + + + + + + + + + +
{Html}R# Documentation
+

Html

+
+

+ + require(R); +

#' Html document tools
imports "Html" from "webKit"; +
+

+

Html document tools

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + +
+ parse +
+ tables +

query a list of html tables in the given html page text document

+ title +

Parsing the title text from the html inputs.

+ plainText +

get all internal document text from the given html document text.

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/webKit/Html/link.html b/vignettes/webKit/Html/link.html new file mode 100644 index 0000000..4c1f254 --- /dev/null +++ b/vignettes/webKit/Html/link.html @@ -0,0 +1,64 @@ + + + + + link + + + + + + +
+ + + + + + +
link {Html}R Documentation
+ +

link

+ +

Description

+ + link + +

Usage

+ +
+
link(html);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package Html version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/Html/parse.html b/vignettes/webKit/Html/parse.html new file mode 100644 index 0000000..5618b15 --- /dev/null +++ b/vignettes/webKit/Html/parse.html @@ -0,0 +1,65 @@ + + + + + parse + + + + + + +
+ + + + + + +
parse {Html}R Documentation
+ +

parse

+ +

Description

+ + parse + +

Usage

+ +
+
parse(html,
+    strip = FALSE);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type HtmlDocument.

clr value class

+ +

Examples

+ + + +
+
[Package Html version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package Html version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • list
+ +

Examples

+ + + +
+
[Package Html version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package Html version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/ftp.html b/vignettes/webKit/ftp.html new file mode 100644 index 0000000..8feff81 --- /dev/null +++ b/vignettes/webKit/ftp.html @@ -0,0 +1,94 @@ + + + + + + + ftp + + + + + + + + + + + + + + + + + + + + + + + +
{ftp}R# Documentation
+

ftp

+
+

+ + require(R); +

#' ftp modules
imports "ftp" from "webKit"; +
+

+

ftp modules

+
+

+ +

+
+
+ + + + + + + + + +
+ list.ftp_dirs +

list file names in the given ftp directory.

+ ftp.get +

download file via ftp

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/webKit/ftp/ftp.get.html b/vignettes/webKit/ftp/ftp.get.html new file mode 100644 index 0000000..70fe8ff --- /dev/null +++ b/vignettes/webKit/ftp/ftp.get.html @@ -0,0 +1,80 @@ + + + + + download file via ftp + + + + + + +
+ + + + + + +
ftp.get {ftp}R Documentation
+ +

download file via ftp

+ +

Description

+ + + +

Usage

+ +
+
ftp.get(ftp, file,
+    save = "./");
+
+ +

Arguments

+ + + +
ftp
+

-

+ + +
file
+

-

+ + +
save
+

a directory path or actual file path for save the given file that download from the remote ftp server.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package ftp version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/ftp/list.ftp_dirs.html b/vignettes/webKit/ftp/list.ftp_dirs.html new file mode 100644 index 0000000..e027a16 --- /dev/null +++ b/vignettes/webKit/ftp/list.ftp_dirs.html @@ -0,0 +1,80 @@ + + + + + list file names in the given ftp directory. + + + + + + +
+ + + + + + +
list.ftp_dirs {ftp}R Documentation
+ +

list file names in the given ftp directory.

+ +

Description

+ + + +

Usage

+ +
+
list.ftp_dirs(ftp, dir,
+    throwEx = FALSE);
+
+ +

Arguments

+ + + +
ftp
+

-

+ + +
dir
+

-

+ + +
throwEx
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package ftp version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/graphquery.html b/vignettes/webKit/graphquery.html new file mode 100644 index 0000000..78191f9 --- /dev/null +++ b/vignettes/webKit/graphquery.html @@ -0,0 +1,96 @@ + + + + + + + graphquery + + + + + + + + + + + + + + + + + + + + + + + +
{graphquery}R# Documentation
+

graphquery

+
+

+ + require(R); +

#' GraphQuery is a query language and execution engine tied
imports "graphquery" from "webKit"; +
+

+

GraphQuery is a query language and execution engine tied
+ to any backend service. It is back-end language
+ independent.

+
+

+ +

+
+
+ + + + + + + + + +
+ parseQuery +

Parse the graphquery script text

+ query +

run graph query on a document

+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/webKit/graphquery/parseQuery.html b/vignettes/webKit/graphquery/parseQuery.html new file mode 100644 index 0000000..12cb0c0 --- /dev/null +++ b/vignettes/webKit/graphquery/parseQuery.html @@ -0,0 +1,67 @@ + + + + + Parse the graphquery script text + + + + + + +
+ + + + + + +
parseQuery {graphquery}R Documentation
+ +

Parse the graphquery script text

+ +

Description

+ + + +

Usage

+ +
+
parseQuery(graphquery);
+
+ +

Arguments

+ + + +
graphquery
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type Query.

clr value class

+ +

Examples

+ + + +
+
[Package graphquery version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package graphquery version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/http.html b/vignettes/webKit/http.html new file mode 100644 index 0000000..8c9e008 --- /dev/null +++ b/vignettes/webKit/http.html @@ -0,0 +1,146 @@ + + + + + + + http + + + + + + + + + + + + + + + + + + + + + + + +
{http}R# Documentation
+

http

+
+

+ + require(R); +

#' the R# http utils
imports "http" from "webKit"; +
+

+

the R# http utils

+
+

+ +

+
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ post_data +
+ urlcomponent +
+ urlencode +

URL-encodes string

+ +

This function is convenient when encoding a string to be
+ used in a query part of a URL, as a convenient way to
+ pass variables to the next page.

+ requests.get +

http get request

+ http.cache +

create a new http cache context

+ cookies +

parse cookies data from the http web request result

+ requests.post +

send http post request to the target web server.

+ is.http_error +

Test the web response is http error or not via the http status code is not equals to 200(OK)?

+ content +

get content data from the http request result

+ upload +

upload files through http post

+
+
+
[Document Index]
+ + \ 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 + + + + + + +
+ + + + + + +
content {http}R Documentation
+ +

get content data from the http request result

+ +

Description

+ + + +

Usage

+ +
+
content(data,
+    typeof = NULL,
+    plain.text = FALSE,
+    throw.http.error = TRUE);
+
+ +

Arguments

+ + + +
data
+

-

+ + +
typeof
+

will try to parse json if this typeof parameter is not nothing

+ + +
plain.text
+

treat the content data as html/plaintext data. if not then this
+ function will try to parse the content data as

+ +
    +
  1. list: application/json
  2. +
  3. dataframe: text/csv
  4. +

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • list
+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/http/http.cache.html b/vignettes/webKit/http/http.cache.html new file mode 100644 index 0000000..6e167d0 --- /dev/null +++ b/vignettes/webKit/http/http.cache.html @@ -0,0 +1,72 @@ + + + + + create a new http cache context + + + + + + +
+ + + + + + +
http.cache {http}R Documentation
+ +

create a new http cache context

+ +

Description

+ + + +

Usage

+ +
+
http.cache(fs,
+    clear.404 = TRUE);
+
+ +

Arguments

+ + + +
fs
+

-

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type WebTextQuery.

clr value class

+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ 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.

clr value class

  • boolean
+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/http/post_data.html b/vignettes/webKit/http/post_data.html new file mode 100644 index 0000000..8b5f986 --- /dev/null +++ b/vignettes/webKit/http/post_data.html @@ -0,0 +1,64 @@ + + + + + post_data + + + + + + +
+ + + + + + +
post_data {http}R Documentation
+ +

post_data

+ +

Description

+ + post_data + +

Usage

+ +
+
post_data(url, data);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type any kind.

clr value class

  • any kind
+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/http/requests.get.html b/vignettes/webKit/http/requests.get.html new file mode 100644 index 0000000..ec10841 --- /dev/null +++ b/vignettes/webKit/http/requests.get.html @@ -0,0 +1,82 @@ + + + + + http get request + + + + + + +
+ + + + + + +
requests.get {http}R Documentation
+ +

http get request

+ +

Description

+ + + +

Usage

+ +
+
requests.get(url,
+    headers = NULL,
+    default404 = "(404) Not Found!",
+    cache = NULL);
+
+ +

Arguments

+ + + +
url
+

-

+ + +
headers
+

-

+ + +
cache
+

used for make compatibility to the offline mode

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type WebResponseResult.

clr value class

+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/http/requests.post.html b/vignettes/webKit/http/requests.post.html new file mode 100644 index 0000000..4074ca5 --- /dev/null +++ b/vignettes/webKit/http/requests.post.html @@ -0,0 +1,81 @@ + + + + + send http post request to the target web server. + + + + + + +
+ + + + + + +
requests.post {http}R Documentation
+ +

send http post request to the target web server.

+ +

Description

+ + + +

Usage

+ +
+
requests.post(url,
+    payload = NULL,
+    headers = NULL);
+
+ +

Arguments

+ + + +
url
+

the url of target web services

+ + +
payload
+

post body, should be in key-value pair format.

+ + +
headers
+

http headers

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type WebResponseResult.

clr value class

+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/http/upload.html b/vignettes/webKit/http/upload.html new file mode 100644 index 0000000..fba7478 --- /dev/null +++ b/vignettes/webKit/http/upload.html @@ -0,0 +1,80 @@ + + + + + upload files through http post + + + + + + +
+ + + + + + +
upload {http}R Documentation
+ +

upload files through http post

+ +

Description

+ + + +

Usage

+ +
+
upload(url, files,
+    headers = NULL);
+
+ +

Arguments

+ + + +
url
+

the target network location.

+ + +
files
+

a list of file path for upload to the specific network location.

+ + +
headers
+

set cookies or other http headers at here.

+ + +
env
+

-

+ +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/http/urlcomponent.html b/vignettes/webKit/http/urlcomponent.html new file mode 100644 index 0000000..ac4d289 --- /dev/null +++ b/vignettes/webKit/http/urlcomponent.html @@ -0,0 +1,64 @@ + + + + + urlcomponent + + + + + + +
+ + + + + + +
urlcomponent {http}R Documentation
+ +

urlcomponent

+ +

Description

+ + urlcomponent + +

Usage

+ +
+
urlcomponent(query);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type string.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/http/urlencode.html b/vignettes/webKit/http/urlencode.html new file mode 100644 index 0000000..a0692ab --- /dev/null +++ b/vignettes/webKit/http/urlencode.html @@ -0,0 +1,83 @@ + + + + + URL-encodes string + + + + + + +
+ + + + + + +
urlencode {http}R Documentation
+ +

URL-encodes string

+ +

Description

+ +


This function is convenient when encoding a string to be
used in a query part of a URL, as a convenient way to
pass variables to the next page.

+ +

Usage

+ +
+
urlencode(data);
+
+ +

Arguments

+ + + +
data
+

The string to be encoded.

+ + +
env
+

-

+ +
+ + +

Details

+ +

Be careful about variables that may match HTML entities. Things like
+ &amp, &copy and &pound are parsed by the browser and
+ the actual entity is used instead of the desired variable name.

+ +

This is an obvious hassle that the W3C has been telling people about for
+ years. The reference is here:
+ http://www.w3.org/TR/html4/appendix/notes.html#h-B.2.2.

+ + +

Value

+ +

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.

clr value class

  • string
+ +

Examples

+ + + +
+
[Package http version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file diff --git a/vignettes/webKit/jQuery.html b/vignettes/webKit/jQuery.html new file mode 100644 index 0000000..19a5967 --- /dev/null +++ b/vignettes/webKit/jQuery.html @@ -0,0 +1,88 @@ + + + + + + + jQuery + + + + + + + + + + + + + + + + + + + + + + + +
{jQuery}R# Documentation
+

jQuery

+
+

+ + require(R); +

{$desc_comments}
imports "jQuery" from "webKit"; +
+

+

+
+

+ +

+
+
+ + + + + +
+ load +
+
+
+
[Document Index]
+ + \ No newline at end of file diff --git a/vignettes/webKit/jQuery/load.html b/vignettes/webKit/jQuery/load.html new file mode 100644 index 0000000..715576c --- /dev/null +++ b/vignettes/webKit/jQuery/load.html @@ -0,0 +1,65 @@ + + + + + load + + + + + + +
+ + + + + + +
load {jQuery}R Documentation
+ +

load

+ +

Description

+ + load + +

Usage

+ +
+
load(url,
+    proxy = NULL);
+
+ +

Arguments

+ + + +
+ + +

Details

+ + + + +

Value

+ + this function returns data object of type jQuery.

clr value class

+ +

Examples

+ + + +
+
[Package jQuery version 1.0.0.0 Index] +
+
+ + + + + + + \ No newline at end of file