Description
Here lists the problems occurred in Orca API caused by wrong rst syntax, and some other possible mistakes.
General Suggestions
- For value options written in
"value"
or'value'
or evenvalue
, would it be clearer to be emphasized through inline code as``value``
? - Would it be more user-friendly to explain the return value of each method, even if the return value is
None
? - For methods not supported in API docs, would it be better to use for example a warning box to emphasize them or differentiate them from other normal API?
Detailed issue lists
Orca Context
orca.common.init_orca_context
- method
bigdl.orca.common.init_orca_context
- parameter
runtime
: duplicated explanation - parameter
cluster_mode
:spark-submit
andbigdl-submit
are in wrong rst inline code syntax. Use``inline code``
.
- parameter
Orca Data
orca.data.XShards
- class
bigdl.orca.data.XShards
methodpartition
- parameter
num_shards
: wrong field list syntax, failed to be recognized as a parameter, should check indentation. -
returns
: wrong field list syntax, failed to be recognized as a parameter, should check indentation.
- parameter
orca.data.pandas
-
method
bigdl.orca.data.pandas.preprocessing.read_csv
- parameter
kwargs
: wrong field list syntax, failed to be recognized as a parameter, should check indentation. -
returns
: wrong field list syntax, failed to be recognized as a return field, should check indentation.
- parameter
-
method
bigdl.orca.data.pandas.preprocessing.read_json
- parameter
kwargs
: wrong field list syntax, failed to be recognized as a parameter, should check indentation. -
returns
: wrong field list syntax, failed to be recognized as a return field, should check indentation.
- parameter
-
method
bigdl.orca.data.pandas.preprocessing.read_file_spark
- No description for this method, including explanation for parameters
-
method
bigdl.orca.data.pandas.preprocessing.read_parquet
- parameter
columns
,schema
,options
: wrong field list syntax, failed to be recognized as a parameter, should check indentation. -
returns
: wrong field list syntax, failed to be recognized as a return field, should check indentation.
- parameter
Orca Learn
orca.learn.bigdl.estimator
-
class [
bigdl.orca.learn.bigdl.estimator.Estimator
](https://bigdl.readthedocs.io/en/latest/doc/PythonAPI/Orca/orca.html#bigdl.orca.learn.bigdl.estimator.Estimator]- No description for this class
-
class
bigdl.orca.learn.bigdl.estimator.Estimator
methodfrom_bigdl
- parameter
feature_preprocessing
:fit
andpredict
are in wrong rst inline code syntax. Use``inline code``
. - parameter
label_preprocessing
:fit
andpredict
are in wrong rst inline code syntax. Use``inline code``
. -
returns
: empty description
- parameter
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodfit
-
returns
: empty description
-
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodevaluate
-
returns
: empty description
-
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodsave
-
returns
: empty description
-
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodload
- parameter
feature_preprocessing
:fit
andpredict
are in wrong rst inline code syntax. Use``inline code``
. - parameter
label_preprocessing
:fit
andpredict
are in wrong rst inline code syntax. Use``inline code``
.
- parameter
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodload_orca_checkpoint
- description:
version
andperfix
are in wrong rst inline code syntax. Use``inline code``
. -
returns
: empty description
- description:
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodclear_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodset_constant_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodset_l2_norm_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodget_train_summary
-
returns
: the description for return values is written in method description. Would be clearer to use return field list for it.
-
-
class
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodget_validation_summary
-
returns
: the description for return values is written in method description. Would be clearer to use return field list for it.
-
orca.learn.tf.estimator
-
class [
bigdl.orca.learn.tf.estimator.Estimator
](https://bigdl.readthedocs.io/en/latest/doc/PythonAPI/Orca/orca.html#bigdl.orca.learn.tf.estimator.Estimator]- No description for this class
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodsave
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodload
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodclear_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodset_constant_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodset_l2_norm_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodget_train_summary
-
returns
: the description for return values is written in method description. Would be clearer to use return field list for it.
-
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodget_validation_summary
-
returns
: the description for return values is written in method description. Would be clearer to use return field list for it.
-
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodsave_keras_weights
- parameter
save_format
:filepath
,save_format
andNone
are in wrong rst inline code syntax. Use``inline code``
.
- parameter
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodload_orca_checkpoint
- description:
version
is in wrong rst inline code syntax. Use``inline code``
.
- description:
-
class
bigdl.orca.learn.tf.estimator.Estimator
methodfrom_graph
- parameter
metrics
: its order in parameter description list seems to be wrong, not the same as definition
- parameter
-
method
bigdl.orca.learn.tf.estimator.is_tf_data_dataset
- No description for this method, including explanation for parameters
-
method
bigdl.orca.learn.tf.estimator.to_dataset
- No description for this method, including explanation for parameters
-
method
bigdl.orca.learn.tf.estimator.save_model_dir
- No description for this method, including explanation for parameters
-
class
bigdl.orca.learn.tf.estimator.TensorFlowEstimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.tf.estimator.TensorFlowEstimator
methodfit
- parameter
auto_shard_files
,session_config
,feed_dict
,checkpoint_trigger
: their order in parameter description list seems to be wrong, not the same as definition
- parameter
-
class
bigdl.orca.learn.tf.estimator.TensorFlowEstimator
methodload_tf_checkpoint
- parameter
path
: wrong field list syntax, failed to be recognized as a parameter, should check indentation.
- parameter
-
class
bigdl.orca.learn.tf.estimator.TensorFlowEstimator
methodsave
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.TensorFlowEstimator
methodload
- parameter
model_path
: wrong field list syntax, failed to be recognized as a parameter, should check indentation. -
returns
: wrong field list syntax, failed to be recognized as a return field, should check indentation. -
returns
: empty description
- parameter
-
class
bigdl.orca.learn.tf.estimator.TensorFlowEstimator
methodset_constant_gradient_clipping
- parameter
min
: missing description - parameter
max
: missing description
- parameter
-
class
bigdl.orca.learn.tf.estimator.TensorFlowEstimator
methodset_l2_norm_gradient_clipping
- parameter
clip_norm
: missing description
- parameter
-
class
bigdl.orca.learn.tf.estimator.KerasEstimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.tf.estimator.KerasEstimator
methodsave
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.KerasEstimator
methodload
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.KerasEstimator
methodclear_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.KerasEstimator
methodset_constant_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.KerasEstimator
methodset_l2_norm_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf.estimator.KerasEstimator
methodsave_keras_weights
- parameter
save_keras_weights
:filepath
,save_format
, andNone
are in wrong rst inline code syntax. Use``inline code``
.
- parameter
orca.learn.tf2.estimator
-
class
bigdl.orca.learn.tf2.estimator.Estimator
- No description for this class
-
class
bigdl.orca.learn.tf2.estimator.Estimator
methodfrom_keras
- parameter
model_creator
:config
is in wrong rst inline code syntax. Use``inline code``
. - parameter
config
:fit_config
,model.fit(data, **fit_config)
,evaluate_config
, andmodel.evaluate
are in wrong rst inline code syntax. Use``inline code``
. - parameter
compile_args_creator
:config
is in wrong rst inline code syntax. Use``inline code``
. - parameter
backend
:ray
is in wrong rst inline code syntax. Use``inline code``
. - parameter
model_dir
: wrong field list syntax, a part of its descriptions is not recognized, should check indentation.
- parameter
-
class
bigdl.orca.learn.tf2.estimator.Estimator
methodlatest_checkpoint
- No description for this method, including explanation for parameters
-
method
bigdl.orca.learn.tf2.estimator.make_data_creator
- No description for this method, including explanation for parameters
-
method
bigdl.orca.learn.tf2.estimator.data_length
- No description for this method, including explanation for parameters
orca.learn.tf2.tf2_ray_estimator
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodfit
- parameter
steps_per_epoch
:steps_pre_epoch
,None
are in wrong rst inline code syntax. Use``inline code``
. - parameter
validation_freq
:collections_abc.Container
,validation_freq=2
, andvalidation_freq=[1, 2, 10]
are in wrong rst inline code syntax. Use``inline code``
. - parameter
data_config
:output_signature
,tf.data.Dataset.from_generator
, andtf.TypeSpec
are in wrong rst inline code syntax. Use``inline code``
. -
returns
: empty description
- parameter
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodevaluate
- parameter
data_config
:output_signature
,tf.data.Dataset.from_generator
, andtf.TypeSpec
are in wrong rst inline code syntax. Use``inline code``
.
- parameter
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodprocess_ray_dataset
- No description for this method, including explanation for parameters
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodpredict
-
returns
: empty description
-
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodget_model
- parameter
sample_input
: missing description
- parameter
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodload_checkpoint
- parameter
kwargs
: missing description
- parameter
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodsave
- parameter
save_format
:tf
andh5
are in wrong rst inline code syntax. Use``inline code``
. - parameter
signatures
:signatures
andtf.saved_model.save
are in wrong rst inline code syntax. Use``inline code``
. - parameter
options
:tf.saved_model.SaveOptions
is in wrong rst inline code syntax. Use``inline code``
.
- parameter
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodload
- description:
estimator.save()
is in wrong rst inline code syntax. Use``inline code``
. - parameter
options
:tf.saved_model.LoadOptions
is in wrong rst inline code syntax. Use``inline code``
.
- description:
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodsave_weights
- parameter
filepath
,overwrite
,save_format
,options
: wrong field list syntax, parameter field list should start with:param parameter_name:
-
returns
: empty description
- parameter
-
class
bigdl.orca.learn.tf2.ray_estimator.TensorFlow2Estimator
methodload_weights
- parameter
filepath
, by_name,
skip_mismatcht,
options: wrong field list syntax, parameter field list should start with
:param parameter_name:` -
returns
: empty description
- parameter
orca.learn.tf2.tf2_spark_estimator
-
class
bigdl.orca.learn.tf2.pyspark_estimator.SparkTFEstimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.tf2.pyspark_estimator.SparkTFEstimator
methodfit
- parameter
data
: problematic field list syntax. As the first item in the field list, it should have at list one blank line before the previous texts - parameter
initial_epoch
,steps_per_epoch
,validation_steps
,validation_freq
,data_config
,feature_cols
, andlabel_cols
: missing description -
returns
: empty description
- parameter
-
class
bigdl.orca.learn.tf2.pyspark_estimator.SparkTFEstimator
methodevaluate
- parameter
data
: problematic field list syntax. As the first item in the field list, it should have at list one blank line before the previous texts - parameter
validation_data
andclass_weight
are not in the method definition, but occur in the description - parameter
num_steps
,sample_weight
,data_config
,feature_cols
, andlabel_cols
: missing description
- parameter
-
class
bigdl.orca.learn.tf2.pyspark_estimator.SparkTFEstimator
methodpredict
- parameter
data
: problematic field list syntax. As the first item in the field list, it should have at list one blank line before the previous texts -
returns
: empty description
- parameter
-
class
bigdl.orca.learn.tf2.pyspark_estimator.SparkTFEstimator
methodsave_weights
- parameter
filepath
,overwrite
andsave_format
: wrong field list syntax, failed to be recognized as a parameter, should check indentation.
- parameter
-
class
bigdl.orca.learn.tf2.pyspark_estimator.SparkTFEstimator
methodsave
- parameter
signatures
:signatures
andtf.saved_model.save
are in wrong rst inline code syntax. Use``inline code``
. - parameter
options
:tf.saved_model.SaveOptions
is in wrong rst inline code syntax. Use``inline code``
.
- parameter
-
class
bigdl.orca.learn.tf2.pyspark_estimator.SparkTFEstimator
methodload
- parameter
options
:tf.saved_model.LoadOptions
is in wrong rst inline code syntax. Use``inline code``
.
- parameter
orca.learn.pytorch.estimator
-
class
bigdl.orca.learn.pytorch.estimator.Estimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.pytorch.estimator.Estimator
methodfrom_torch
- parameter
training_operator_cls
andinitialization_hook
: missing description - parameter
scheduler_creator
:horovod
andray
are in wrong rst inline code syntax. Use``inline code``
. - parameter
use_tqdm
:horovod
andray
are in wrong rst inline code syntax. Use``inline code``
. - parameter
workers_per_node
:horovod
andray
are in wrong rst inline code syntax. Use``inline code``
. - parameter
model_dir
:bigdl
andspark
are in wrong rst inline code syntax. Use``inline code``
. - parameter
backend
:bigdl
is in wrong rst inline code syntax. Use``inline code``
.
- parameter
-
class
bigdl.orca.learn.pytorch.estimator.Estimator
methodlatest_checkpoint
- No description for this method, including explanation for parameters
orca.learn.pytorch.pytorch_ray_estimator
-
class
bigdl.orca.learn.pytorch.pytorch_ray_estimator.PyTorchRayEstimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.pytorch.pytorch_ray_estimator.PyTorchRayEstimator
methodfit
- description:
TrainingOperator.train_epoch()
is in wrong rst inline code syntax. Use``inline code``
.
- description:
-
class
bigdl.orca.learn.pytorch.pytorch_ray_estimator.PyTorchRayEstimator
methodpredict
- parameter
feature_cols
andprofile
: their order in parameter description list seem to be wrong, not the same as definition
- parameter
-
class
bigdl.orca.learn.pytorch.pytorch_ray_estimator.PyTorchRayEstimator
methodevaluate
- description:
TrainingOperator.validate()
is in wrong rst inline code syntax. Use``inline code``
. - parameter
num_steps
:TrainingOperator.validate_batch
is in wrong rst inline code syntax. Use``inline code``
.
- description:
-
class
bigdl.orca.learn.pytorch.pytorch_ray_estimator.PyTorchRayEstimator
methodsave
-
returns
: empty description
-
-
class
bigdl.orca.learn.pytorch.pytorch_ray_estimator.PyTorchRayEstimator
methodshutdown
- parameter
force
: missing description -
returns
: empty description
- parameter
-
class
bigdl.orca.learn.pytorch.pytorch_ray_estimator.PyTorchRayEstimator
methodget_state_dict
- No description for this method
-
class
bigdl.orca.learn.pytorch.pytorch_ray_estimator.PyTorchRayEstimator
methodload_state_dict
- No description for this method, including explanation for parameters
orca.learn.pytorch.pytorch_spark_estimator
-
class
bigdl.orca.learn.pytorch.pytorch_spark_estimator.PyTorchSparkEstimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.pytorch.pytorch_spark_estimator.PyTorchSparkEstimator
methodload
- description:
state_dict
is in wrong rst inline code syntax. Use``inline code``
. -
returns
: empty description
- description:
-
class
bigdl.orca.learn.pytorch.pytorch_spark_estimator.PyTorchSparkEstimator
methodload_orca_checkpoint
- description:
version
andperfix
are in wrong rst inline code syntax. Use``inline code``
. -
returns
: empty description
- description:
-
class
bigdl.orca.learn.pytorch.pytorch_spark_estimator.PyTorchSparkEstimator
methodget_train_summary
- the description for return values is written in method description. Would be clearer to use return field list for it.
-
class
bigdl.orca.learn.pytorch.pytorch_spark_estimator.PyTorchSparkEstimator
methodget_validation_summary
- the description for return values is written in method description. Would be clearer to use return field list for it.
-
class
bigdl.orca.learn.pytorch.pytorch_spark_estimator.PyTorchSparkEstimator
methodclear_gradient_clipping
-
returns
: empty description
-
-
class
bigdl.orca.learn.pytorch.pytorch_spark_estimator.PyTorchSparkEstimator
methodset_l2_norm_gradient_clipping
-
returns
: empty description
-
orca.learn.openvino.estimator
-
class
bigdl.orca.learn.openvino.estimator.Estimator
- No description for this class
-
class
bigdl.orca.learn.openvino.estimator.OpenvinoEstimator
- No description for this class, including explanation for parameters
-
class
bigdl.orca.learn.openvino.estimator.predict
- parameter
batch_size
: its order in parameter description list seems to be wrong, not the same as definition - parameter
inputs_cols
:inputs
is in wrong rst inline code syntax. Use``inline code``
.
- parameter
-
class
bigdl.orca.learn.openvino.estimator.predict
methodload
-
returns
: empty description
-
Orca AutoML
orca.automl.auto_estimator
- class
bigdl.orca.automl.auto_estimator.AutoEstimator
- Missing class description and parameter explanation
orca.automl.metrics
- method
bigdl.orca.automl.metrics.Accuracy
- parameter
multioutput
: missing description
- parameter
orca.automl.auto_xgb
-
class
bigdl.orca.automl.xgboost.auto_xgb.AutoXGBClassifier
- parameter
xgb_configs
: the hyperlink would be better to be added with link text, that is written in`text <example/link>`_
- parameter
-
class
bigdl.orca.automl.xgboost.auto_xgb.AutoXGBRegressor
- parameter
xgb_configs
: the hyperlink would be better to be added with link text, that is written in`text <example/link>`_
- parameter
Other possible issues
-
The section title "orca.init_orca_context" in Orca Context seems to be wrong. Should it be "orca.common.init_orca_context"?
-
bigdl.orca.learn.bigdl.estimator.BigDLEstimator
methodevaluate
- Default value of
feature_cols
andlabel_cols
seem to be wrong in description
- Default value of
-
class
bigdl.orca.learn.pytorch.pytorch_spark_estimator.PyTorchSparkEstimator
methodfit
-
Default value of
batch_size
isNone
in definition, but it is 32 in description. Is there something wrong? -
The section title "orca.automl.auto_xgb" in Orca AutoML seems to be wrong. Should it be "orca.automl.xgboost.auto_xgb"?