Civis API Python Client¶
The Civis API Python client is a Python package that helps analysts and developers interact with the Civis Platform. The package includes a set of tools around common workflows as well as a convenient interface to make requests directly to the Civis API.
API Keys¶
In order to make requests to the Civis API,
you will need a Civis Platform API key that is unique to you.
Instructions for creating a new key are found
here.
API keys have a set expiration date and new keys will need to be created at
least every 30 days. The API client will look for a CIVIS_API_KEY
environmental variable to access your API key, so after creating a new API key,
follow the steps below for your operating system to set up your environment.
Linux / MacOS¶
Add the following to
.bash_profile
(or.bashrc
for Linux) for bash:export CIVIS_API_KEY="alphaNumericApiK3y"
Source your
.bash_profile
(or restart your terminal).
Windows 10¶
- Navigate to “Settings” -> type “environment” in search bar -> “Edit environment variables for your account”. This can also be found in “System Properties” -> “Advanced” -> “Environment Variables…”.
- In the user variables section, if
CIVIS_API_KEY
already exists in the list of environment variables, click on it and press “Edit…”. Otherwise, click “New..”. - Enter CIVIS_API_KEY as the “Variable name”.
- Enter your API key as the “Variable value”. Your API key should look like a long string of letters and numbers.
Installation¶
After creating an API key and setting the CIVIS_API_KEY
environmental
variable, install the Python package civis
with the recommended method via pip
:
pip install civis
Alternatively, if you are interested in the latest functionality not yet released through pip
,
you may clone the code from GitHub and build from source:
git clone https://github.com/civisanalytics/civis-python.git
cd civis-python
python setup.py install
You can test your installation by running
import civis
client = civis.APIClient()
print(client.users.list_me()['username'])
If civis
was installed correctly, this will print your Civis
Platform username.
The client has a soft dependency on pandas
to support features such as
data type parsing. If you are using the io
namespace to read or write
data from Civis, it is highly recommended that you install pandas
and
set use_pandas=True
in functions that accept that parameter. To install
pandas
:
pip install pandas
Machine learning features in the ml
namespace have a soft dependency on
scikit-learn
and pandas
. Install scikit-learn
to
export your trained models from the Civis Platform or to
provide your own custom models. Use pandas
to download model predictions
from the Civis Platform. The civis.ml
code
optionally uses the feather
format to transfer data from your local computer to Civis
Platform. Install these dependencies with
pip install scikit-learn
pip install pandas
pip install feather-format
Some CivisML models have open-source dependencies in
addition to scikit-learn
, which you may need if you want to
download the model object. These dependencies are
civisml-extensions
, glmnet
, and muffnn
. Install these
dependencies with
pip install civisml-extensions
pip install glmnet
pip install muffnn
Python version support¶
Python 2.7, 3.4, 3.5, 3.6, and 3.7
User Guide¶
For a more detailed walkthrough, see the User Guide.
Retries¶
The API client will automatically retry for certain API error responses.
If the error is one of [413, 429, 503] and the API client is told how long it needs to wait before it’s safe to retry (this is always the case with 429s, which are rate limit errors), then the client will wait the specified amount of time before retrying the request.
If the error is one of [429, 502, 503, 504] and the request is not a patch*
or post*
method, then the API client will retry the request several times, with a delay,
to see if it will succeed.
Client API Reference¶
User Guide¶
Getting Started¶
After installing the Civis API Python client and setting up your API key, you
can now import the package civis
:
>>> import civis
There are two entrypoints for working with the Civis API. The first is
the civis
namespace, which contains tools for typical workflows in a user
friendly manner. For example, you may want to perform some transformation on
your data in Python that might be tricky to code in SQL. This code downloads
data from Civis, calculates the correlation between all the columns and then
uploads the data back into Civis:
>>> df = civis.io.read_civis(table="my_schema.my_table",
... database="database",
... use_pandas=True)
>>> correlation_matrix = df.corr()
>>> correlation_matrix["corr_var"] = correlation_matrix.index
>>> fut = civis.io.dataframe_to_civis(df=correlation_matrix,
... database="database",
... table="my_schema.my_correlations")
>>> fut.result()
Civis Futures¶
In the code above, dataframe_to_civis()
returns a special
CivisFuture
object. Making a request to the Civis
API usually results in a long running job. To account for this, various
functions in the civis
namespace return a
CivisFuture
to allow you to
process multiple long running jobs simultaneously. For instance, you may
want to start many jobs in parallel and wait for them all to finish rather
than wait for each job to finish before starting the next one.
The CivisFuture
follows the
concurrent.futures.Future
API fairly closely. For example,
calling result()
on fut
above forces the program to wait for the
job started with dataframe_to_civis()
to finish and
returns the result.
You can create CivisFuture
objects for
many tasks (e.g., scripts, imports). Here, we will create a container
script that does the simple task of printing the text “HELLO WORLD”, execute
it, and then wait for it to finish.
>>> import civis
>>> import concurrent.futures
>>>
>>> client = civis.APIClient()
>>>
>>> # Create a container script. This is just a simple example. Futures can
>>> # also be used with SQL queries, imports, etc.
>>> response_script = client.scripts.post_containers(
... required_resources={'cpu': 512, 'memory': 1024},
... docker_command="echo 'HELLO WORLD'",
... docker_image_name='civisanalytics/datascience-python')
>>> script_id = response_script.id
>>>
>>> # Create a run in order to execute the script.
>>> response_run = client.scripts.post_containers_runs(script_id)
>>> run_id = response_run.id
>>>
>>> # Create a future to represent the result of the run.
>>> future = civis.futures.CivisFuture(
... client.scripts.get_containers_runs, (script_id, run_id))
>>>
>>> # You can then have your code block and wait for the future to be done as
>>> # follows.
>>> concurrent.futures.wait([future])
>>>
>>> # Alternatively, you can call `future.result()` to block and get the
>>> # status of the run once it finishes. If the run is already completed, the
>>> # result will be returned immediately.
>>> result = future.result()
>>>
>>> # Alternatively, one can start a run and get a future for it with the helper
>>> # function `civis.utils.run_job`:
>>> future2 = civis.utils.run_job(script_id)
>>> future2.result()
Working Directly with the Client¶
Although many common workflows are included in the Civis API Python client,
projects often require direct calls to the Civis API. For convenience,
the Civis API Python client implements an APIClient
object
to make these API calls with Python syntax rather than a manually crafted HTTP
request. To make a call, first instantiate an APIClient
object:
>>> client = civis.APIClient()
Note
Creating an instance of APIClient
makes an HTTP request to
determine the functions to attach to the object. You must have an
API key and internet connection to create an APIClient
object.
With the client object instantiated, you can now make API requests like listing your user information:
>>> client.users.list_me()
{'email': 'user@email.com',
'feature_flags': {'left_nav_basic': True,
'results': True,
'scripts_notify': True,
'table_person_matching': True},
'id': 1,
'initials': 'UN',
'name': 'User Name',
'username': 'uname'}
Suppose we did not have the civis.io
namespace. This is how we might export
a CSV file from Civis. As you will see, this can be quite involved and the
civis
namespace entrypoint should be preferred whenever possible.
First, we get the ID for our database then we get the default credential for the current user.
>>> db_id = client.get_database_id('cluster-name')
>>> cred_id = client.default_credential
In order to export a table, we need to write some SQL that will generate the data to export. Then we create the export job and run it.
>>> generate_table = "select * from schema.tablename"
>>> export_job = client.scripts.post_sql(name="our export job",
remote_host_id=db_id,
credential_id=cred_id,
sql=generate_table)
>>> export_run = client.scripts.post_sql_runs(export_job.id)
We can then poll and wait for the export to be completed.
>>> import time
>>> export_state = client.scripts.get_sql_runs(export_job.id,
... export_run.id)
>>> while export_state.state in ['queued', 'running']:
... time.sleep(60)
... export_state = client.scripts.get_sql_runs(export_job.id,
... export_run.id)
Now, we can get the URL of the exported csv. First, we grab the result of our export job.
>>> export_result = client.scripts.get_sql_runs(export_job.id,
... export_run.id)
In the future, a script may export multiple jobs, so the output of this is a list.
The path returned will have a gzipped csv file, which we could load, for example, with pandas.
>>> url = export_result.output[0].path
API Response Types and Functions¶
Many API requests via an APIClient
instance return an iterable
of civis.response.Response
objects.
For endpoints that support pagination when the iterator kwarg is specified,
a civis.response.PaginatedResponse
object is returned.
To facilitate working with civis.response.Response
objects,
the helper functions civis.find()
and civis.find_one()
are defined.
Data Import and Export¶
The civis.io
namespace provides several functions for moving data in and
out of Civis.
Tables¶
Often, your data will be in structured format like a table in a relational database, a CSV or a dataframe. The following functions handle moving structured data to and from Civis. When using these functions, it is recommended to have pandas installed and to pass use_pandas=True in the appropriate functions. If pandas is not installed, data returned from Civis will all be treated as strings.
civis_to_csv (filename, sql, database[, …]) |
Export data from Civis to a local CSV file. |
civis_to_multifile_csv (sql, database[, …]) |
Unload the result of SQL query and return presigned urls. |
civis_file_to_table (file_id, database, table) |
Upload the contents of a Civis file to a Civis table. |
csv_to_civis (filename, database, table[, …]) |
Upload the contents of a local CSV file to Civis. |
dataframe_to_civis (df, database, table[, …]) |
Upload a pandas DataFrame into a Civis table. |
read_civis (table, database[, columns, …]) |
Read data from a Civis table. |
read_civis_sql (sql, database[, use_pandas, …]) |
Read data from Civis using a custom SQL string. |
export_to_civis_file (sql, database[, …]) |
Store results of a query to a Civis file |
Files¶
These functions will pass flat files to and from Civis. This is useful if you have data stored in binary or JSON format. Any type of file can be stored in platform via the files endpoint.
civis_to_file (file_id, buf[, api_key, client]) |
Download a file from Civis. |
file_id_from_run_output (name, job_id, run_id) |
Find the file ID of a File run output with the name “name” |
file_to_civis (buf, name[, api_key, client]) |
Upload a file to Civis. |
file_to_dataframe (file_id[, compression, client]) |
Load a DataFrame from a CSV stored in a Civis File |
file_to_json (file_id[, client]) |
Restore JSON stored in a Civis File |
Databases¶
These functions move data from one database to another and expose an interface
to run SQL in the database. Use query_civis()
when you need to
execute SQL that does not return data (for example, a GRANT
or
DROP TABLE
statement).
transfer_table (source_db, dest_db, …[, …]) |
Transfer a table from one location to another. |
query_civis (sql, database[, api_key, …]) |
Execute a SQL statement as a Civis query. |
Machine Learning¶
CivisML uses the Civis Platform to train machine learning models and parallelize their predictions over large datasets. It contains best-practice models for general-purpose classification and regression modeling as well as model quality evaluations and visualizations. All CivisML models use the scikit-learn API for interoperability with other platforms and to allow you to leverage resources in the open-source software community when creating machine learning models.
Optional dependencies¶
You do not need any external libraries installed to use CivisML, but
the following pip-installable dependencies enhance the capabilities of the
ModelPipeline
:
- pandas
- scikit-learn
- glmnet
- feather-format
- civisml-extensions
- muffnn
Install pandas
if you wish to download tables of predictions.
You can also model on DataFrame
objects in your interpreter.
If you wish to use the ModelPipeline
code to model on
DataFrame
objects in your local environment, the
feather-format package (requires pandas >= 0.20)
will improve data transfer speeds and guarantee that your data types are correctly
detected by CivisML. You must install feather-format if you wish to use
pd.Categorical columns in your DataFrame objects, since that type information
is lost when writing data as a CSV.
If you wish to use custom models or download trained models, you’ll need scikit-learn installed.
Several pre-defined models rely on public Civis Analytics
libraries. The “sparse_logistic”, “sparse_linear_regressor”,
“sparse_ridge_regressor”, “stacking_classifier”, and “stacking_regressor” models
all use the glmnet
library. Pre-defined MLP models
(“multilayer_perceptron_classifier” and
“multilayer_perceptron_regressor”) depend on the muffnn
library. Finally, models which use the default CivisML ETL,
along with models which use stacking or hyperband, depend on
civisml-extensions
. Install these packages if you wish to download
the pre-defined models that depend on them.
Define Your Model¶
Start the modeling process by defining your model. Do this by creating an instance
of the ModelPipeline
class. Each ModelPipeline
corresponds to a
scikit-learn Pipeline
which will run in Civis Platform.
A Pipeline
allows you to combine multiple
modeling steps (such as missing value imputation and feature selection) into a
single model. The Pipeline
is treated as a unit – for example,
cross-validation happens over all steps together.
You can define your model in two ways, either by selecting a pre-defined algorithm
or by providing your own scikit-learn
Pipeline
or BaseEstimator
object.
Note that whichever option you chose, CivisML will pre-process your
data using either its default ETL, or ETL that you provide (see Custom ETL).
If you have already trained a scikit-learn model outside of Civis Platform, you can register it with Civis Platform as a CivisML model so that you can score it using CivisML. Read Registering Models Trained Outside of Civis for how to do this.
Pre-Defined Models¶
You can use the following pre-defined models with CivisML.
All models start by imputing missing values with the mean of non-null
values in a column. The “sparse_*” models include a LASSO regression step
(using the glmnet package)
to do feature selection before passing data to the final model.
In some models, CivisML uses default parameters different from those in scikit-learn,
as indicated in the “Altered Defaults” column. All models also have
random_state=42
.
Name | Model Type | Algorithm | Altered Defaults |
---|---|---|---|
sparse_logistic | classification | LogisticRegression | C=499999950, tol=1e-08 |
gradient_boosting_classifier | classification | GradientBoostingClassifier | n_estimators=500, max_depth=2 |
random_forest_classifier | classification | RandomForestClassifier | n_estimators=500, max_depth=7 |
extra_trees_classifier | classification | ExtraTreesClassifier | n_estimators=500, max_depth=7 |
multilayer_perceptron_classifier | classification | muffnn.MLPClassifier | |
stacking_classifier | classification | civismlext.StackedClassifier | |
sparse_linear_regressor | regression | LinearRegression | |
sparse_ridge_regressor | regression | Ridge | |
gradient_boosting_regressor | regression | GradientBoostingRegressor | n_estimators=500, max_depth=2 |
random_forest_regressor | regression | RandomForestRegressor | n_estimators=500, max_depth=7 |
extra_trees_regressor | regression | ExtraTreesRegressor | n_estimators=500, max_depth=7 |
multilayer_perceptron_regressor | regression | muffnn.MLPRegressor | |
stacking_regressor | regression | civismlext.StackedRegressor |
The “stacking_classifier” model stacks
the “gradient_boosting_classifier”,
and “random_forest_classifier” predefined models together with a
glmnet.LogitNet(alpha=0, n_splits=4, max_iter=10000, tol=1e-5,
scoring='log_loss')
. The models are combined using a
Pipeline
containing a Normalizer
step, followed by LogisticRegressionCV
with penalty='l2'
and tol=1e-08
. The
“stacking_regressor” works similarly, stacking together the
“gradient_boosting_regressor” and “random_forest_regressor” models
and a glmnet.ElasticNet(alpha=0, n_splits=4, max_iter=10000,
tol=1e-5, scoring='r2')
, combining them using
NonNegativeLinearRegression. The
estimators that are being stacked have the same names as the
associated pre-defined models, and the meta-estimator steps are named
“meta-estimator”. Note that although default parameters are provided
for multilayer perceptron models, it is highly recommended that
multilayer perceptrons be run using hyperband.
Custom Models¶
You can create your own Pipeline
instead of using one of
the pre-defined ones. Create the object and pass it as the model
parameter
of the ModelPipeline
. Your model must follow the
scikit-learn API, and you will need to include any dependencies as
Custom Dependencies if they are not already installed in
CivisML. Preinstalled libraries available for your use include:
- scikit-learn v0.19.1
- glmnet v2.0.0
- xgboost v0.6a2
- muffnn v1.2.0
- civisml-extensions v.0.1.6
When you’re assembling your own model, remember that you’ll have to make certain that
either you add a missing value imputation step or that your data doesn’t have any
missing values. If you’re making a classification model, the model must have a predict_proba
method. If the class you’re using doesn’t have a predict_proba
method,
you can add one by wrapping it in a CalibratedClassifierCV
.
Custom ETL¶
By default, CivisML pre-processes data using the
DataFrameETL
class, with cols_to_drop
equal to the excluded_columns
parameter. You can replace this
with your own ETL by creating an object of class
BaseEstimator
and passing it as the etl
parameter during training.
By default, DataFrameETL
automatically one-hot encodes all categorical columns in the
dataset. If you are passing a custom ETL estimator, you will have to
ensure that no categorical columns remain after the transform
method is called on the dataset.
Hyperparameter Tuning¶
You can tune hyperparamters using one of two methods: grid search or
hyperband. CivisML will perform grid search if you pass a dictionary
of hyperparameters to the cross_validation_parameters
parameter, where the keys are
hyperparameter names, and the values are lists of hyperparameter
values to grid search over. You can run hyperparameter tuning in parallel by
setting the n_jobs
parameter to however many jobs you would like to run in
parallel. By default, n_jobs
is dynamically calculated based on
the resources available on your cluster, such that a modeling job will
never take up more than 90% of the cluster resources at once.
Hyperband
is an efficient approach to hyperparameter optimization, and
recommended over grid search where possible. CivisML will perform
hyperband optimization for a pre-defined model if you pass the string
'hyperband'
to cross_validation_parameters
. Hyperband is
currently only supported for the following models:
gradient_boosting_classifier
, random_forest_classifier
,
extra_trees_classifier
, multilayer_perceptron_classifier
,
stacking_classifier
, gradient_boosting_regressor
,
random_forest_regressor
, extra_trees_regressor
,
multilayer_perceptron_regressor
, and
stacking_regressor
. Although hyperband is supported for stacking
models, stacking itself is a kind of model tuning, and the combination
of stacking and hyperband is likely too computationally intensive to
be useful in many cases.
Hyperband cannot be used to tune GLMs. For this reason, preset GLMs do
not have a hyperband option. Similarly, when
cross_validation_parameters='hyperband'
and the model is
stacking_classifier
or stacking_regressor
, only the GBT and
random forest steps of the stacker are tuned using hyperband.
Note that if you want to use hyperband with a custom model, you will need to
wrap your estimator in a
civismlext.hyperband.HyperbandSearchCV
estimator yourself.
CivisML runs pre-defined models with hyperband using the following distributions:
The truncated exponential distribution for the gradient boosting classifier and regressor was chosen to skew the distribution toward small values, ranging between .0003 and .03, with a mean close to .006. Similarly, the truncated exponential distribution for the random forest and extra trees models skews toward small values, ranging between .01 and 1, and with a mean close to .1.
Custom Dependencies¶
Installing packages from PyPI is straightforward. You can specify a dependencies
argument to ModelPipeline
which will install the
dependencies in your runtime environment. VCS support is also enabled
(see docs.)
Installing a remote git repository from, say, Github only requires passing the HTTPS
URL in the form of, for example, git+https://github.com/scikit-learn/scikit-learn
.
CivisML will run pip install [your package here]
. We strongly encourage you to pin
package versions for consistency. Example code looks like:
from civis.ml import ModelPipeline
from pyearth import Earth
deps = ['git+https://github.com/scikit-learn-contrib/py-earth.git@da856e11b2a5d16aba07f51c3c15cef5e40550c7']
est = Earth()
model = ModelPipeline(est, dependent_variable='age', dependencies=deps)
train = model.train(table_name='donors.from_march', database_name='client')
Additionally, you can store a remote git host’s API token in the Civis Platform as a
credential to use for installing private git repositores. For example, you can go to
Github at the https://github.com/settings/tokens
URL, copy your token into the
password field of a credential, and pass the credential name to the git_token_name
argument in ModelPipeline
. This also works with other hosting services.
A simple example of how to do this with API looks as follows
import civis
password = 'abc123' # token copied from https://github.com/settings/tokens
username = 'user123' # Github username
git_token_name = 'Github credential'
client = civis.APIClient()
credential = client.credentials.post(password=password,
username=username,
name=git_token_name,
type="Custom")
pipeline = civis.ml.ModelPipeline(..., git_token_name=git_token_name)
Note, installing private dependencies with submodules is not supported.
Asynchronous Execution¶
All calls to a ModelPipeline
object are non-blocking, i.e. they immediately
provide a result without waiting for the job in the Civis Platform to complete.
Calls to civis.ml.ModelPipeline.train()
and civis.ml.ModelPipeline.predict()
return
a ModelFuture
object, which is a subclass of
Future
from the Python standard library.
This behavior lets you train multiple models at once, or generate predictions
from models, while still doing other work while waiting for your jobs to complete.
The ModelFuture
can find and retrieve outputs from your CivisML jobs,
such as trained Pipeline
objects or out-of-sample predictions.
The ModelFuture
only downloads outputs when you request them.
Model Persistence¶
Civis Platform permanently stores all models, indexed by the job ID and the run ID
(also called a “build”) of the training job. If you wish to use an existing
model, call civis.ml.ModelPipeline.from_existing()
with the job ID of the training job.
You can find the job ID with the train_job_id
attribute of a ModelFuture
,
or by looking at the URL of your model on the
Civis Platform models page.
If the training job has multiple runs, you may also provide a run ID to select
a run other than the most recent.
You can list all model runs of a training job by calling
civis.APIClient().jobs.get(train_job_id)['runs']
.
You may also store the ModelPipeline
itself with the pickle
module.
Examples¶
Future
objects have the method
add_done_callback()
.
This is called as soon as the run completes. It takes a single argument, the
Future
for the completed job.
You can use this method to chain jobs together:
from concurrent import futures
from civis.ml import ModelPipeline
import pandas as pd
df = pd.read_csv('data.csv')
training, predictions = [], []
model = ModelPipeline('sparse_logistic', dependent_variable='type')
training.append(model.train(df))
training[-1].add_done_callback(lambda fut: predictions.append(model.predict(df)))
futures.wait(training) # Blocks until all training jobs complete
futures.wait(predictions) # Blocks until all prediction jobs complete
You can create and train multiple models at once to find the best approach for solving a problem. For example:
from civis.ml import ModelPipeline
algorithms = ['gradient_boosting_classifier', 'sparse_logistic', 'random_forest_classifier']
pkey = 'person_id'
depvar = 'likes_cats'
models = [ModelPipeline(alg, primary_key=pkey, dependent_variable=depvar) for alg in algorithms]
train = [model.train(table_name='schema.name', database_name='My DB') for model in models]
aucs = [tr.metrics['roc_auc'] for tr in train] # Code blocks here
Registering Models Trained Outside of Civis¶
Instead of using CivisML to train your model, you may train any
scikit-learn-compatible model outside of Civis Platform and use
civis.ml.ModelPipeline.register_pretrained_model()
to register it
as a CivisML model in Civis Platform. This will let you use Civis Platform
to make predictions using your model, either to take advantage of distributed
predictions on large datasets, or to create predictions as part of
a workflow or service in Civis Platform.
When registering a model trained outside of Civis Platform, you are strongly advised to provide an ordered list of feature names used for training. This will allow CivisML to ensure that tables of data input for predictions have the correct features in the correct order. If your model has more than one output, you should also provide a list of output names so that CivisML knows how many outputs to expect and how to name them in the resulting table of model predictions.
If your model uses dependencies which aren’t part of the default CivisML
execution environment, you must provide them to the dependencies
parameter of the register_pretrained_model()
function, just as with the ModelPipeline
constructor.
Object reference¶
-
class
civis.ml.
ModelPipeline
(model, dependent_variable, primary_key=None, parameters=None, cross_validation_parameters=None, model_name=None, calibration=None, excluded_columns=None, client=None, cpu_requested=None, memory_requested=None, disk_requested=None, notifications=None, dependencies=None, git_token_name=None, verbose=False, etl=None)[source]¶ Interface for scikit-learn modeling in the Civis Platform
Each ModelPipeline corresponds to a scikit-learn
Pipeline
which will run in Civis Platform.Note that this object can be safely pickled and unpickled, but it does not store the state of any attached
APIClient
object. An unpickled ModelPipeline will use the API key from the user’s environment.Parameters: - model : string or Estimator
Either the name of a pre-defined model (e.g. “sparse_logistic” or “gradient_boosting_classifier”) or else a pre-existing Estimator object.
- dependent_variable : string or List[str]
The dependent variable of the training dataset. For a multi-target problem, this should be a list of column names of dependent variables. Nulls in a single dependent variable will automatically be dropped.
- primary_key : string, optional
The unique ID (primary key) of the training dataset. This will be used to index the out-of-sample scores.
- parameters : dict, optional
Specify parameters for the final stage estimator in a predefined model, e.g.
{'C': 2}
for a “sparse_logistic” model.- cross_validation_parameters : dict or string, optional
Options for cross validation. For grid search, supply a parameter grid as a dictionary, e.g.,
{{'n_estimators': [100, 200, 500], 'learning_rate': [0.01, 0.1], 'max_depth': [2, 3]}}
. For hyperband, pass the string “hyperband”.- model_name : string, optional
The prefix of the Platform modeling jobs. It will have ” Train” or ” Predict” added to become the Script title.
- calibration : {None, “sigmoid”, “isotonic”}
If not None, calibrate output probabilities with the selected method. Valid only with classification models.
- excluded_columns : array, optional
A list of columns which will be considered ineligible to be independent variables.
- client :
APIClient
, optional If not provided, an
APIClient
object will be created from theCIVIS_API_KEY
.- cpu_requested : int, optional
Number of CPU shares requested in the Civis Platform for training jobs. 1024 shares = 1 CPU.
- memory_requested : int, optional
Memory requested from Civis Platform for training jobs, in MiB
- disk_requested : float, optional
Disk space requested on Civis Platform for training jobs, in GB
- notifications : dict
See
post_custom()
for further documentation about email and URL notification.- dependencies : array, optional
List of packages to install from PyPI or git repository (e.g., Github or Bitbucket). If a private repo is specified, please include a
git_token_name
argument as well (see below). Make sure to pin dependencies to a specific version, since dependencies will be reinstalled during every training and predict job.- git_token_name : str, optional
Name of remote git API token stored in Civis Platform as the password field in a custom platform credential. Used only when installing private git repositories.
- verbose : bool, optional
If True, supply debug outputs in Platform logs and make prediction child jobs visible.
- etl : Estimator, optional
Custom ETL estimator which overrides the default ETL, and is run before training and validation.
See also
Examples
>>> from civis.ml import ModelPipeline >>> model = ModelPipeline('gradient_boosting_classifier', 'depvar', ... primary_key='voterbase_id') >>> train = model.train(table_name='schema.survey_data', ... fit_params={'sample_weight': 'survey_weight'}, ... database_name='My Redshift Cluster', ... oos_scores='scratch.survey_depvar_oos_scores') >>> train <ModelFuture at 0x11be7ae10 state=queued> >>> train.running() True >>> train.done() False >>> df = train.table # Read OOS scores from its Civis File. Blocking. >>> meta = train.metadata # Metadata from training run >>> train.metrics['roc_auc'] 0.88425 >>> pred = model.predict(table_name='schema.demographics_table ', ... database_name='My Redshift Cluster', ... output_table='schema.predicted_survey_response', ... if_exists='drop') >>> df_pred = pred.table # Blocks until finished # Modify the parameters of the base estimator in a default model: >>> model = ModelPipeline('sparse_logistic', 'depvar', ... primary_key='voterbase_id', ... parameters={'C': 2}) # Grid search over hyperparameters in the base estimator: >>> model = ModelPipeline('sparse_logistic', 'depvar', ... primary_key='voterbase_id', ... cross_validation_parameters={'C': [0.1, 1, 10]})
Attributes: - estimator :
Pipeline
The trained scikit-learn Pipeline
- train_result_ :
ModelFuture
ModelFuture
encapsulating this model’s training run- state : str
Status of the training job (non-blocking)
Methods
train() Train the model on data in Civis Platform; outputs ModelFuture
predict() Make predictions on new data; outputs ModelFuture
from_existing() Class method; use to create a ModelPipeline
from an existing model training run-
classmethod
from_existing
(train_job_id, train_run_id='latest', client=None)[source]¶ Create a
ModelPipeline
object from existing model IDsParameters: - train_job_id : int
The ID of the CivisML job in the Civis Platform
- train_run_id : int or string, optional
Location of the model run, either
- an explicit run ID,
- “latest” : The most recent run
- “active” : The run designated by the training job’s “active build” parameter
- client :
APIClient
, optional If not provided, an
APIClient
object will be created from theCIVIS_API_KEY
.
Returns: - :class:`~civis.ml.ModelPipeline`
A
ModelPipeline
which refers to a previously-trained model
Examples
>>> from civis.ml import ModelPipeline >>> model = ModelPipeline.from_existing(job_id) >>> model.train_result_.metrics['roc_auc'] 0.843
-
predict
(df=None, csv_path=None, table_name=None, database_name=None, manifest=None, file_id=None, sql_where=None, sql_limit=None, primary_key=Sentinel(), output_table=None, output_db=None, if_exists='fail', n_jobs=None, polling_interval=None, cpu=None, memory=None, disk_space=None, dvs_to_predict=None)[source]¶ Make predictions on a trained model
Provide input through one of a
DataFrame
(df
), a local CSV (csv_path
), a Civis Table (table_name
anddatabase_name
), a Civis File containing a CSV (file_id
), or a Civis File containing a manifest file (manifest
).A “manifest file” is JSON which specifies the location of many shards of the data to be used for prediction. A manifest file is the output of a Civis export job with
force_multifile=True
set, e.g. fromcivis.io.civis_to_multifile_csv()
. Large Civis Tables (provided usingtable_name
) will automatically be exported to manifest files.Prediction outputs will always be stored as gzipped CSVs in one or more Civis Files. You can find a list of File ID numbers for output files at the “output_file_ids” key in the metadata returned by the prediction job. Provide an
output_table
(and optionally anoutput_db
, if it’s different fromdatabase_name
) to copy these predictions into a Civis Table.Parameters: - df : pd.DataFrame, optional
A
DataFrame
of data for prediction. TheDataFrame
will be uploaded to a Civis file so that CivisML can access it. Note that the index of theDataFrame
will be ignored – usedf.reset_index()
if you want your index column to be included with the data passed to CivisML. NB: You must installfeather-format
if yourDataFrame
containsCategorical
columns, to ensure that CivisML preserves data types.- csv_path : str, optional
The location of a CSV of data on the local disk. It will be uploaded to a Civis file.
- table_name : str, optional
The qualified name of the table containing your data
- database_name : str, optional
Name of the database holding the data, e.g., ‘My Redshift Cluster’.
- manifest : int, optional
ID for a manifest file stored as a Civis file. (Note: if the manifest is not a Civis Platform-specific manifest, like the one returned from
civis.io.civis_to_multfile_csv()
, this must be used in conjunction with table_name and database_name due to the need for column discovery via Redshift.)- file_id : int, optional
If the data are a CSV stored in a Civis file, provide the integer file ID.
- sql_where : str, optional
A SQL WHERE clause used to scope the rows to be predicted
- sql_limit : int, optional
SQL LIMIT clause to restrict the size of the prediction set
- primary_key : str, optional
Primary key of the prediction table. Defaults to the primary key of the training data. Use
None
to indicate that the prediction data don’t have a primary key column.- output_table: str, optional
The table in which to put the predictions.
- output_db : str, optional
Database of the output table. Defaults to the database of the input table.
- if_exists : {‘fail’, ‘append’, ‘drop’, ‘truncate’}
Action to take if the prediction table already exists.
- n_jobs : int, optional
Number of concurrent Platform jobs to use for multi-file / large table prediction. Defaults to None, which allows CivisML to dynamically calculate an appropriate number of workers to use (in general, as many as possible without using all resources in the cluster).
- polling_interval : float, optional
Check for job completion every this number of seconds. Do not set if using the notifications endpoint.
- cpu : int, optional
CPU shares requested by the user for a single job.
- memory : int, optional
RAM requested by the user for a single job.
- disk_space : float, optional
disk space requested by the user for a single job.
- dvs_to_predict : list of str, optional
If this is a multi-output model, you may list a subset of dependent variables for which you wish to generate predictions. This list must be a subset of the original dependent_variable input. The scores for the returned subset will be identical to the scores which those outputs would have had if all outputs were written, but ignoring some of the model’s outputs will let predictions complete faster and use less disk space. The default is to produce scores for all DVs.
Returns: - :class:`~civis.ml.ModelFuture`
-
classmethod
register_pretrained_model
(model, dependent_variable=None, features=None, primary_key=None, model_name=None, dependencies=None, git_token_name=None, skip_model_check=False, verbose=False, client=None)[source]¶ Use a fitted scikit-learn model with CivisML scoring
Use this function to set up your own fitted scikit-learn-compatible Estimator object for scoring with CivisML. This function will upload your model to Civis Platform and store enough metadata about it that you can subsequently use it with a CivisML scoring job.
The only required input is the model itself, but you are strongly recommended to also provide a list of feature names. Without a list of feature names, CivisML will have to assume that your scoring table contains only the features needed for scoring (perhaps also with a primary key column), in all in the correct order.
Parameters: - model : sklearn.base.BaseEstimator or int
The model object. This must be a fitted scikit-learn compatible Estimator object, or else the integer Civis File ID of a pickle or joblib-serialized file which stores such an object.
- dependent_variable : string or List[str], optional
The dependent variable of the training dataset. For a multi-target problem, this should be a list of column names of dependent variables.
- features : string or List[str], optional
A list of column names of features which were used for training. These will be used to ensure that tables input for prediction have the correct features in the correct order.
- primary_key : string, optional
The unique ID (primary key) of the scoring dataset
- model_name : string, optional
The name of the Platform registration job. It will have ” Predict” added to become the Script title for predictions.
- dependencies : array, optional
List of packages to install from PyPI or git repository (e.g., GitHub or Bitbucket). If a private repo is specified, please include a
git_token_name
argument as well (see below). Make sure to pin dependencies to a specific version, since dependencies will be reinstalled during every predict job.- git_token_name : str, optional
Name of remote git API token stored in Civis Platform as the password field in a custom platform credential. Used only when installing private git repositories.
- skip_model_check : bool, optional
If you’re sure that your model will work with CivisML, but it will fail the comprehensive verification, set this to True.
- verbose : bool, optional
If True, supply debug outputs in Platform logs and make prediction child jobs visible.
- client :
APIClient
, optional If not provided, an
APIClient
object will be created from theCIVIS_API_KEY
.
Returns: - :class:`~civis.ml.ModelPipeline`
Examples
This example assumes that you already have training data
X
andy
, whereX
is aDataFrame
. >>> from civis.ml import ModelPipeline >>> from sklearn.linear_model import Lasso >>> est = Lasso().fit(X, y) >>> model = ModelPipeline.register_pretrained_model( … est, ‘concrete’, features=X.columns) >>> model.predict(table_name=’my.table’, database_name=’my-db’)
-
train
(df=None, csv_path=None, table_name=None, database_name=None, file_id=None, sql_where=None, sql_limit=None, oos_scores=None, oos_scores_db=None, if_exists='fail', fit_params=None, polling_interval=None, validation_data='train', n_jobs=None)[source]¶ Start a Civis Platform job to train your model
Provide input through one of a
DataFrame
(df
), a local CSV (csv_path
), a Civis Table (table_name
anddatabase_name
), or a Civis File containing a CSV (file_id
).Model outputs will always contain out-of-sample scores (accessible through
ModelFuture.table
on this function’s output), and you may chose to store these out-of-sample scores in a Civis Table with theoos_scores
,oos_scores_db
, andif_exists
parameters.Parameters: - df : pd.DataFrame, optional
A
DataFrame
of training data. TheDataFrame
will be uploaded to a Civis file so that CivisML can access it. Note that the index of theDataFrame
will be ignored – usedf.reset_index()
if you want your index column to be included with the data passed to CivisML. NB: You must installfeather-format
if yourDataFrame
containsCategorical
columns, to ensure that CivisML preserves data types.- csv_path : str, optional
The location of a CSV of data on the local disk. It will be uploaded to a Civis file.
- table_name : str, optional
The qualified name of the table containing the training set from which to build the model.
- database_name : str, optional
Name of the database holding the training set table used to build the model. E.g., ‘My Cluster Name’.
- file_id : int, optional
If the training data are stored in a Civis file, provide the integer file ID.
- sql_where : str, optional
A SQL WHERE clause used to scope the rows of the training set (used for table input only)
- sql_limit : int, optional
SQL LIMIT clause for querying the training set (used for table input only)
- oos_scores : str, optional
If provided, store out-of-sample predictions on training set data to this Redshift “schema.tablename”.
- oos_scores_db : str, optional
If not provided, store OOS predictions in the same database which holds the training data.
- if_exists : {‘fail’, ‘append’, ‘drop’, ‘truncate’}
Action to take if the out-of-sample prediction table already exists.
- fit_params: Dict[str, str]
Mapping from parameter names in the model’s
fit
method to the column names which hold the data, e.g.{'sample_weight': 'survey_weight_column'}
.- polling_interval : float, optional
Check for job completion every this number of seconds. Do not set if using the notifications endpoint.
- validation_data : str, optional
Source for validation data. There are currently two options: ‘train’ (the default), which cross-validates over training data for validation; and ‘skip’, which skips the validation step.
- n_jobs : int, optional
Number of jobs to use for training and validation. Defaults to None, which allows CivisML to dynamically calculate an appropriate number of workers to use (in general, as many as possible without using all resources in the cluster). Increase n_jobs to parallelize over many hyperparameter combinations in grid search/hyperband, or decrease to use fewer computational resources at once.
Returns: - :class:`~civis.ml.ModelFuture`
-
class
civis.ml.
ModelFuture
(job_id, run_id, train_job_id=None, train_run_id=None, polling_interval=None, client=None, poll_on_creation=True)[source]¶ Encapsulates asynchronous execution of a CivisML job
This object knows where to find modeling outputs from CivisML jobs. All data attributes are lazily retrieved and block on job completion.
This object can be pickled, but it does not store the state of the attached
APIClient
object. An unpickled ModelFuture will use the API key from the user’s environment.Parameters: - job_id : int
ID of the modeling job
- run_id : int
ID of the modeling run
- train_job_id : int, optional
If not provided, this object is assumed to encapsulate a training job, and
train_job_id
will equaljob_id
.- train_run_id : int, optional
If not provided, this object is assumed to encapsulate a training run, and
train_run_id
will equalrun_id
.- polling_interval : int or float, optional
The number of seconds between API requests to check whether a result is ready. The default intelligently switches between a short interval if
pubnub
is not available and a long interval forpubnub
backup if that library is installed.- client :
civis.APIClient
, optional If not provided, an
civis.APIClient
object will be created from theCIVIS_API_KEY
.- poll_on_creation : bool, optional
If
True
(the default), it will poll upon callingresult()
the first time. IfFalse
, it will wait the number of seconds specified in polling_interval from object creation before polling.
See also
civis.futures.CivisFuture
,civis.futures.ContainerFuture
,concurrent.futures.Future
Attributes: - metadata : dict, blocking
The metadata associated with this modeling job
- metrics : dict, blocking
Validation metrics from this job’s training
- validation_metadata : dict, blocking
Metadata from this modeling job’s validation run
- train_metadata : dict, blocking
Metadata from this modeling job’s training run (will be identical to metadata if this is a training run)
- estimator :
sklearn.pipeline.Pipeline
, blocking The fitted scikit-learn Pipeline resulting from this model run
- table :
pandas.DataFrame
, blocking The table output from this modeling job: out-of-sample predictions on the training set for a training job, or a table of predictions for a prediction job. If the prediction job was split into multiple files (this happens automatically for large tables), this attribute will provide only predictions for the first file.
- state : str
The current state of the Civis Platform run
- job_id : int
- run_id : int
- train_job_id : int
Container ID for the training job – identical to
job_id
if this is a training job.- train_run_id : int
As
train_job_id
but for runs- is_training : bool
True if this
ModelFuture
corresponds to a train-validate job.
Methods
cancel() Cancels the corresponding Platform job before completion succeeded() (Non-blocking) Is the job a success? failed() (Non-blocking) Did the job fail? cancelled() (Non-blocking) Was the job cancelled? running() (Non-blocking) Is the job still running? done() (Non-blocking) Is the job finished? result() (Blocking) Return the final status of the Civis Platform job. -
add_done_callback
(fn)¶ Attaches a callable that will be called when the future finishes.
- Args:
- fn: A callable that will be called with this future as its only
- argument when the future completes or is cancelled. The callable will always be called by a thread in the same process in which it was added. If the future has already completed or been cancelled then the callable will be called immediately. These callables are called in the order that they were added.
-
cancel
()¶ Submit a request to cancel the container/script/run.
Returns: - bool
Whether or not the job is in a cancelled state.
-
cancelled
()¶ Return True if the future was cancelled.
-
done
()¶ Return True of the future was cancelled or finished executing.
-
exception
(timeout=None)¶ Return the exception raised by the call that the future represents.
- Args:
- timeout: The number of seconds to wait for the exception if the
- future isn’t done. If None, then there is no limit on the wait time.
- Returns:
- The exception raised by the call that the future represents or None if the call completed without raising.
- Raises:
CancelledError: If the future was cancelled. TimeoutError: If the future didn’t finish executing before the given
timeout.
-
failed
()¶ Return
True
if the Civis job failed.
-
result
(timeout=None)¶ Return the result of the call that the future represents.
- Args:
- timeout: The number of seconds to wait for the result if the future
- isn’t done. If None, then there is no limit on the wait time.
- Returns:
- The result of the call that the future represents.
- Raises:
CancelledError: If the future was cancelled. TimeoutError: If the future didn’t finish executing before the given
timeout.Exception: If the call raised then that exception will be raised.
-
running
()¶ Return True if the future is currently executing.
-
set_exception
(exception)¶ Sets the result of the future as being the given exception.
Should only be used by Executor implementations and unit tests.
-
set_result
(result)¶ Sets the return value of work associated with the future.
Should only be used by Executor implementations and unit tests.
-
set_running_or_notify_cancel
()¶ Mark the future as running or process any cancel notifications.
Should only be used by Executor implementations and unit tests.
If the future has been cancelled (cancel() was called and returned True) then any threads waiting on the future completing (though calls to as_completed() or wait()) are notified and False is returned.
If the future was not cancelled then it is put in the running state (future calls to running() will return True) and True is returned.
This method should be called by Executor implementations before executing the work associated with this future. If this method returns False then the work should not be executed.
- Returns:
- False if the Future was cancelled, True otherwise.
- Raises:
- RuntimeError: if this method was already called or if set_result()
- or set_exception() was called.
-
succeeded
()¶ Return
True
if the job completed in Civis with no error.
Parallel Computation¶
The Civis Platform manages a pool of cloud computing resources.
You can access these resources with the tools in the civis.parallel
and civis.futures
modules.
Joblib backend¶
If you can divide your work into multiple independent chunks, each of which takes at least several minutes to run, you can reduce the time your job takes to finish by running each chunk simultaneously in Civis Platform. The Civis joblib backend is a software tool which makes it easier to run many jobs simultaneously.
Things to keep in mind when deciding if the Civis joblib backend is the right tool for your code:
- Each function call which is parallelized with the Civis joblib backend will run in a different Civis Platform script. Creating a new script comes with some overhead. It will take between a few seconds and a few minutes for each script to start, depending on whether Civis Platform needs to provision additional resources. If you expect that each function call will complete quickly, instead consider either running them in serial or using extra processes in the same Civis Platform script.
- Because function calls run in different scripts, function inputs and outputs must be uploaded to Civis Platform from their origin script and downloaded into their destination. If your functions take very large inputs and/or produce very large outputs, moving the data around will cause additional overhead. Consider either using a different tool or refactoring your code so that the function to be parallelized is no longer moving around large amounts of data.
- Some open-source libraries, such as
scikit-learn
, usejoblib
to do computations in parallel. If you’re working with such a library, the Civis joblib backend provides an easy way to run these parallel computations in different Civis Platform scripts.
Joblib¶
joblib is an open source
Python library which facilitates parallel processing in Python.
Joblib uses Python’s multiprocessing
library to run functions
in parallel, but it also allows users to define their own
“back end” for parallel computation. The Civis Python API client takes
advantage of this to let you easily run your own code in parallel
through Civis Platform.
The make_backend_factory()
,
infer_backend_factory()
, and
make_backend_template_factory()
functions allow you
to define a “civis” parallel computation backend which will transparently
distribute computation in cloud resources managed by the Civis Platform.
See the joblib user guide for examples of using joblib to do parallel computation. Note that the descriptions of “memmapping” aren’t relevant to using Civis Platform as a backend, since your jobs will potentially run on different computers and can’t share memory. Using the Civis joblib backend to run jobs in parallel in the cloud looks the same as running jobs in parallel on your local computer, except that you first need to set up the “civis” backend.
How to use¶
Begin by defining the backend. The Civis joblib backend creates and runs
Container Scripts, and the make_backend_factory()
function accepts several arguments which will be passed to
post_containers()
.
For example, you could pass a repo_http_uri
or repo_ref
to clone a repository from GitHub into the container which will run
your function. Use the docker_image_name
and docker_image_tag
to select a custom Docker image for your job.
You can provide a setup_cmd
to run setup in bash before your
function executes in Python. The default setup_cmd
will run
python setup.py install
in the base directory of any repo_http_uri
which you include in your backend setup.
Make sure that the environment you define for your Civis backend
includes all of the code which your parallel function will call.
The make_backend_factory()
function will return a
backend factory which should be given to the joblib.register_parallel_backend()
function. For example:
>>> from joblib import register_parallel_backend
>>> from civis.parallel import make_backend_factory
>>> be_factory = make_backend_factory()
>>> register_parallel_backend('civis', be_factory)
Direct joblib
to use a custom backend by entering a joblib.parallel_backend()
context:
>>> from joblib import parallel_backend
>>> with parallel_backend('civis'):
... # Do joblib parallel computation here.
You can find more about custom joblib backends in the joblib documentation.
Note that joblib.Parallel
takes both a n_jobs
and pre_dispatch
parameter. The Civis joblib backend doesn’t queue submitted jobs itself,
so it will run pre_dispatch
jobs at once. The default value of
pre_dispatch
is “2*n_jobs”, which will run a maximum of 2 * n_jobs
jobs
at once in the Civis Platform. Set pre_dispatch="n_jobs"
in your
Parallel
call to run at most n_jobs
jobs.
The Civis joblib backend uses cloudpickle to transport code and data from the parent environment to the Civis Platform. This means that you may parallelize dynamically-defined functions and classes, including lambda functions.
The joblib backend will automatically add environment variables called “CIVIS_PARENT_JOB_ID” and “CIVIS_PARENT_RUN_ID”, holding the values of the job and run IDs of the Civis Platform job in which you’re running the joblib backend (if any). Your functions could use these to communicate with the parent job or to recognize that they’re in a process which has been created by another Civis Platform job. However, where possible you should let the joblib backend itself transport the return value of the function it’s running back to the parent.
Infer backend parameters¶
If you’re writing code which will run inside a Civis Container Script, then
the infer_backend_factory()
function returns a backend
factory with environment parameters pre-populated by inspecting the state of
your container script at run time. Use infer_backend_factory()
anywhere you would use make_backend_factory()
,
and you don’t need to specify a Docker image or GitHub repository.
Templated Scripts¶
The make_backend_template_factory()
is intended for
developers who are writing code which may be run by users who don’t have
permissions to create new container scripts with the necessary environment.
Instead of defining and creating new container scripts with
make_backend_factory()
, you can use
make_backend_template_factory()
to launch custom scripts from
a templated script. To use the template factory, your backing container script must
have the Civis Python client installed, and its run command must finish
by calling civis_joblib_worker
with no arguments. The template must accept the
parameter “JOBLIB_FUNC_FILE_ID”. The Civis joblib backend will use this parameter
to transport your remote work.
Examples¶
Parallel computation using the default joblib backend (this uses processes on your local computer):
>>> def expensive_calculation(num1, num2):
... return 2 * num1 + num2
>>> from joblib import delayed, Parallel
>>> parallel = Parallel(n_jobs=5)
>>> args = [(0, 1), (1, 1), (2, 1), (3, 1), (4, 1), (5, 1), (6, 1)]
>>> print(parallel(delayed(expensive_calculation)(*a) for a in args))
[1, 3, 5, 7, 9, 11, 13]
You can do the the same parallel computation using the Civis backend
by creating and registering a backend factory and entering a
with parallel_backend('civis')
context. The code below will start
seven different jobs in Civis Platform (with up to five running at once).
Each job will call the function expensive_calculation
with a
different set of arguments from the list args
.:
>>> def expensive_calculation(num1, num2):
... return 2 * num1 + num2
>>> from joblib import delayed, Parallel
>>> from joblib import parallel_backend, register_parallel_backend
>>> from civis.parallel import make_backend_factory
>>> register_parallel_backend('civis', make_backend_factory(
... required_resources={"cpu": 512, "memory": 256}))
>>> args = [(0, 1), (1, 1), (2, 1), (3, 1), (4, 1), (5, 1), (6, 1)]
>>> with parallel_backend('civis'):
... parallel = Parallel(n_jobs=5, pre_dispatch='n_jobs')
... print(parallel(delayed(expensive_calculation)(*a) for a in args))
[1, 3, 5, 7, 9, 11, 13]
You can use the Civis joblib backend to parallelize any code which uses joblib internally, such as scikit-learn:
>>> from joblib import parallel_backend, register_parallel_backend
>>> from sklearn.model_selection import GridSearchCV
>>> from sklearn.ensemble import GradientBoostingClassifier
>>> from sklearn.datasets import load_digits
>>> digits = load_digits()
>>> param_grid = {
... "max_depth": [1, 3, 5, None],
... "max_features": ["sqrt", "log2", None],
... "learning_rate": [0.1, 0.01, 0.001]
... }
>>> # Note: n_jobs and pre_dispatch specify the maximum number of
>>> # concurrent jobs.
>>> gs = GridSearchCV(GradientBoostingClassifier(n_estimators=1000,
... random_state=42),
... param_grid=param_grid,
... n_jobs=5, pre_dispatch="n_jobs")
>>> register_parallel_backend('civis', make_backend_factory(
... required_resources={"cpu": 512, "memory": 256}))
>>> with parallel_backend('civis'):
... gs.fit(digits.data, digits.target)
Debugging¶
Any (non-retried) errors in child jobs will cause the entire parallel call to
fail. joblib
will transport the first exception from a remote job and
raise it in the parent process so that you can debug.
If your remote jobs are failing because of network problems (e.g. occasional
500 errors), you can make your parallel call more likely to succeed by using
a max_job_retries
value above 0 when creating your backend factory.
This will automatically retry a job (potentially more than once) before giving
up and keeping an exception.
Logging: The Civis joblib backend uses the standard library
logging module,
with debug emits for events which might help you diagnose errors.
See also the “verbose” argument to joblib.Parallel
, which
prints information to either stdout or stderr.
Mismatches between your local environment and the environment in the
Civis container script jobs are a common source of errors.
To run a function in the Civis platform, any modules called by
that function must be importable from a Python interpreter running
in the container script. For example, if you use joblib.Parallel
with numpy.sqrt()
, the joblib backend must be set to run
your function in a container which has numpy
installed.
If you see an error such as:
ModuleNotFoundError: No module named 'numpy'
this signifies that the function you’re trying to run doesn’t exist
in the remote environment. Select a Docker container with the module installed,
or install it in your remote environment by using the repo_http_uri
parameter of make_backend_factory()
to install it from GitHub.
Object Reference¶
Parallel computations using the Civis Platform infrastructure
-
civis.parallel.
infer_backend_factory
(required_resources=None, params=None, arguments=None, client=None, polling_interval=None, setup_cmd=None, max_submit_retries=0, max_job_retries=0, hidden=True, remote_backend='sequential', **kwargs)[source]¶ Infer the container environment and return a backend factory.
This function helps you run additional jobs from code which executes inside a Civis container job. The function reads settings for relevant parameters (e.g. the Docker image) of the container it’s running inside of.
Jobs created through this backend will have environment variables “CIVIS_PARENT_JOB_ID” and “CIVIS_PARENT_RUN_ID” with the contents of the “CIVIS_JOB_ID” and “CIVIS_RUN_ID” of the environment which created them. If the code doesn’t have “CIVIS_JOB_ID” and “CIVIS_RUN_ID” environment variables available, the child will not have “CIVIS_PARENT_JOB_ID” and “CIVIS_PARENT_RUN_ID” environment variables.
Note
This function will read the state of the parent container job at the time this function executes. If the user has modified the container job since the run started (e.g. by changing the GitHub branch in the container’s GUI), this function may infer incorrect settings for the child jobs.
Keyword arguments inferred from the existing script’s state are [‘docker_image_name’, ‘docker_image_tag’, ‘repo_http_uri’, ‘repo_ref’, ‘remote_host_credential_id’, ‘git_credential_id’, ‘cancel_timeout’, ‘time_zone’]
Parameters: - required_resources : dict or None, optional
The resources needed by the container. See the container scripts API documentation <https://platform.civisanalytics.com/api#resources-scripts> for details. Resource requirements not specified will default to the requirements of the current job.
- params : list or None, optional
A definition of the parameters this script accepts in the arguments field. See the container scripts API documentation <https://platform.civisanalytics.com/api#resources-scripts> for details.
Parameters of the child jobs will default to the parameters of the current job. Any parameters provided here will override parameters of the same name from the current job.
- arguments : dict or None, optional
Dictionary of name/value pairs to use to run this script. Only settable if this script has defined params. See the container scripts API documentation <https://platform.civisanalytics.com/api#resources-scripts> for details.
Arguments will default to the arguments of the current job. Anything provided here will override portions of the current job’s arguments.
- client : civis.APIClient instance or None, optional
An API Client object to use.
- polling_interval : int, optional
The polling interval, in seconds, for checking container script status. If you have many jobs, you may want to set this higher (e.g., 300) to avoid rate-limiting <https://platform.civisanalytics.com/api#basics>. You should only set this if you aren’t using
pubnub
notifications.- setup_cmd : str, optional
A shell command or sequence of commands for setting up the environment. These will precede the commands used to run functions in joblib. This is primarily for installing dependencies that are not available in the dockerhub repo (e.g., “cd /app && python setup.py install” or “pip install gensim”).
With no GitHub repo input, the setup command will default to a command that does nothing. If a
repo_http_uri
is provided, the default setup command will attempt to run “python setup.py install”. If this command fails, execution will still continue.- max_submit_retries : int, optional
The maximum number of retries for submitting each job. This is to help avoid a large set of jobs failing because of a single 5xx error. A value higher than zero should only be used for jobs that are idempotent (i.e., jobs whose result and side effects are the same regardless of whether they are run once or many times).
- max_job_retries : int, optional
Retry failed jobs this number of times before giving up. Even more than with
max_submit_retries
, this should only be used for jobs which are idempotent, as the job may have caused side effects (if any) before failing. These retries assist with jobs which may have failed because of network or worker failures.- hidden: bool, optional
The hidden status of the object. Setting this to true hides it from most API endpoints. The object can still be queried directly by ID. Defaults to True.
- remote_backend : str or object, optional
The name of a joblib backend or a joblib backend itself. This parameter is the joblib backend to use when executing code within joblib in the container. The default of ‘sequential’ uses the joblib sequential backend in the container. The value ‘civis’ uses an exact copy of the Civis joblib backend that launched the container. Note that with the value ‘civis’, one can potentially use more jobs than specified by
n_jobs
.- **kwargs:
Additional keyword arguments will be passed directly to
post_containers()
, potentially overriding the values of those arguments in the parent environment.
Raises: - RuntimeError
If this function is not running inside a Civis container job.
See also
-
civis.parallel.
make_backend_factory
(docker_image_name='civisanalytics/datascience-python', client=None, polling_interval=None, setup_cmd=None, max_submit_retries=0, max_job_retries=0, hidden=True, remote_backend='sequential', **kwargs)[source]¶ Create a joblib backend factory that uses Civis Container Scripts
Jobs created through this backend will have environment variables “CIVIS_PARENT_JOB_ID” and “CIVIS_PARENT_RUN_ID” with the contents of the “CIVIS_JOB_ID” and “CIVIS_RUN_ID” of the environment which created them. If the code doesn’t have “CIVIS_JOB_ID” and “CIVIS_RUN_ID” environment variables available, the child will not have “CIVIS_PARENT_JOB_ID” and “CIVIS_PARENT_RUN_ID” environment variables.
Note
The total size of function parameters in Parallel() calls on this backend must be less than 5 GB due to AWS file size limits.
Note
The maximum number of concurrent jobs in the Civis Platform is controlled by both the
n_jobs
andpre_dispatch
parameters ofjoblib.Parallel
. Setpre_dispatch="n_jobs"
to have a maximum ofn_jobs
processes running at once. (The default ispre_dispatch="2*n_jobs"
.)Parameters: - docker_image_name : str, optional
The image for the container script. You may also wish to specify a
docker_image_tag
in the keyword arguments.- client : civis.APIClient instance or None, optional
An API Client object to use.
- polling_interval : int, optional
The polling interval, in seconds, for checking container script status. If you have many jobs, you may want to set this higher (e.g., 300) to avoid rate-limiting <https://platform.civisanalytics.com/api#basics>. You should only set this if you aren’t using
pubnub
notifications.- setup_cmd : str, optional
A shell command or sequence of commands for setting up the environment. These will precede the commands used to run functions in joblib. This is primarily for installing dependencies that are not available in the dockerhub repo (e.g., “cd /app && python setup.py install” or “pip install gensim”).
With no GitHub repo input, the setup command will default to a command that does nothing. If a repo_http_uri is provided, the default setup command will attempt to run “python setup.py install”. If this command fails, execution will still continue.
- max_submit_retries : int, optional
The maximum number of retries for submitting each job. This is to help avoid a large set of jobs failing because of a single 5xx error. A value higher than zero should only be used for jobs that are idempotent (i.e., jobs whose result and side effects are the same regardless of whether they are run once or many times).
- max_job_retries : int, optional
Retry failed jobs this number of times before giving up. Even more than with max_submit_retries, this should only be used for jobs which are idempotent, as the job may have caused side effects (if any) before failing. These retries assist with jobs which may have failed because of network or worker failures.
- hidden: bool, optional
The hidden status of the object. Setting this to true hides it from most API endpoints. The object can still be queried directly by ID. Defaults to True.
- remote_backend : str or object, optional
The name of a joblib backend or a joblib backend itself. This parameter is the joblib backend to use when executing code within joblib in the container. The default of ‘sequential’ uses the joblib sequential backend in the container. The value ‘civis’ uses an exact copy of the Civis joblib backend that launched the container. Note that with the value ‘civis’, one can potentially use more jobs than specified by
n_jobs
.- **kwargs:
Additional keyword arguments will be passed directly to
post_containers()
.
See also
civis.APIClient.scripts.post_containers
Notes
Joblib’s
joblib.parallel.register_parallel_backend()
(see example above) expects a callable that returns ajoblib.parallel.ParallelBackendBase
instance. This function allows the user to specify the Civis container script setting that will be used when that backend creates container scripts to run jobs.The specified Docker image (optionally, with a GitHub repo and setup command) must have basically the same environment as the one in which this module is used to submit jobs. The worker jobs need to be able to deserialize the jobs they are given, including the data and all the necessary Python objects (e.g., if you pass a Pandas data frame, the image must have Pandas installed). You may use functions and classes dynamically defined in the code (e.g. lambda functions), but if your joblib-parallized function calls code imported from another module, that module must be installed in the remote environment.
Examples
>>> # Without joblib: >>> from __future__ import print_function >>> from math import sqrt >>> print([sqrt(i ** 2) for i in range(10)]) [0.0, 1.0, 2.0, 3.0, 4.0, 5.0, 6.0, 7.0, 8.0, 9.0]
>>> # Using the default joblib backend: >>> from joblib import delayed, Parallel >>> parallel = Parallel(n_jobs=5) >>> print(parallel(delayed(sqrt)(i ** 2) for i in range(10))) [0.0, 1.0, 2.0, 3.0, 4.0, 5.0, 6.0, 7.0, 8.0, 9.0]
>>> # Using the Civis backend: >>> from joblib import parallel_backend, register_parallel_backend >>> from civis.parallel import make_backend_factory >>> register_parallel_backend('civis', make_backend_factory( ... required_resources={"cpu": 512, "memory": 256})) >>> with parallel_backend('civis'): ... parallel = Parallel(n_jobs=5, pre_dispatch='n_jobs') ... print(parallel(delayed(sqrt)(i ** 2) for i in range(10))) [0.0, 1.0, 2.0, 3.0, 4.0, 5.0, 6.0, 7.0, 8.0, 9.0]
>>> # Using scikit-learn with the Civis backend: >>> from sklearn.externals.joblib import ... register_parallel_backend as sklearn_register_parallel_backend >>> from sklearn.externals.joblib import ... parallel_backend as sklearn_parallel_backend >>> from sklearn.model_selection import GridSearchCV >>> from sklearn.ensemble import GradientBoostingClassifier >>> from sklearn.datasets import load_digits >>> digits = load_digits() >>> param_grid = { ... "max_depth": [1, 3, 5, None], ... "max_features": ["sqrt", "log2", None], ... "learning_rate": [0.1, 0.01, 0.001] ... } >>> # Note: n_jobs and pre_dispatch specify the maximum number of >>> # concurrent jobs. >>> gs = GridSearchCV(GradientBoostingClassifier(n_estimators=1000, ... random_state=42), ... param_grid=param_grid, ... n_jobs=5, pre_dispatch="n_jobs") >>> sklearn_register_parallel_backend('civis', make_backend_factory( ... required_resources={"cpu": 512, "memory": 256})) >>> with sklearn_parallel_backend('civis'): ... gs.fit(digits.data, digits.target)
-
civis.parallel.
make_backend_template_factory
(from_template_id, arguments=None, client=None, polling_interval=None, max_submit_retries=0, max_job_retries=0, hidden=True)[source]¶ Create a joblib backend factory that uses Civis Custom Scripts.
If your template has settable parameters “CIVIS_PARENT_JOB_ID” and “CIVIS_PARENT_RUN_ID”, then this executor will fill them with the contents of the “CIVIS_JOB_ID” and “CIVIS_RUN_ID” of the environment which created them. If the code doesn’t have “CIVIS_JOB_ID” and “CIVIS_RUN_ID” environment variables available, the child will not have “CIVIS_PARENT_JOB_ID” and “CIVIS_PARENT_RUN_ID” environment variables.
Parameters: - from_template_id: int
Create jobs as Custom Scripts from the given template ID. When using the joblib backend with templates, the template must have a very specific form. Refer to the documentation for details.
- arguments : dict or None, optional
Dictionary of name/value pairs to use to run this script. Only settable if this script has defined params. See the container scripts API documentation <https://platform.civisanalytics.com/api#resources-scripts> for details.
- client : civis.APIClient instance or None, optional
An API Client object to use.
- polling_interval : int, optional
The polling interval, in seconds, for checking container script status. If you have many jobs, you may want to set this higher (e.g., 300) to avoid rate-limiting <https://platform.civisanalytics.com/api#basics>. You should only set this if you aren’t using
pubnub
notifications.- max_submit_retries : int, optional
The maximum number of retries for submitting each job. This is to help avoid a large set of jobs failing because of a single 5xx error. A value higher than zero should only be used for jobs that are idempotent (i.e., jobs whose result and side effects are the same regardless of whether they are run once or many times).
- max_job_retries : int, optional
Retry failed jobs this number of times before giving up. Even more than with max_submit_retries, this should only be used for jobs which are idempotent, as the job may have caused side effects (if any) before failing. These retries assist with jobs which may have failed because of network or worker failures.
- hidden: bool, optional
The hidden status of the object. Setting this to true hides it from most API endpoints. The object can still be queried directly by ID. Defaults to True.
API Client¶
APIClient
is a class for handling requests to the Civis API.
An instantiated APIClient
contains a set of resources
(listed below) where each resource is an object with methods. By convention,
an instantiated APIClient
object is named client
and API
requests are made with the following syntax:
client = civis.APIClient()
response = client.resource.method(params)
The methods on APIClient
are created dynamically at runtime
by parsing an collections.OrderedDict
representation of the
Civis API specification. By default, this specification is downloaded from
the /endpoints
endpoint the first time APIClient
is
instantiated (and cached in memory for the remainder of the program’s run).
In some circumstances, it may be useful to use a local cache of the API
specification rather than downloading the spec. This can be done by passing
the specification to the client through the parameter local_api_spec
as
either the collections.OrderedDict
or a filename where the
specification has been saved.
api_key = os.environ['CIVIS_API_KEY']
spec = civis.resources.get_api_spec(api_key)
# From OrderedDict
client = civis.APIClient(local_api_spec=spec)
# From file
with open('local_api_spec.json', 'w') as f:
json.dump(spec, f)
client = civis.APIClient(local_api_spec='local_api_spec.json')
-
class
civis.
APIClient
(api_key=None, return_type='snake', retry_total=6, api_version='1.0', resources='all', local_api_spec=None)[source]¶ The Civis API client.
Parameters: - api_key : str, optional
Your API key obtained from the Civis Platform. If not given, the client will use the
CIVIS_API_KEY
environment variable.- return_type : str, optional
The following types are implemented:
'raw'
Returns the rawrequests.Response
object.'snake'
Returns acivis.response.Response
object for the json-encoded content of a response. This maps the top-level json keys to snake_case.'pandas'
Returns apandas.DataFrame
for list-like responses and apandas.Series
for single a json response.
- retry_total : int, optional
A number indicating the maximum number of retries for 429, 502, 503, or 504 errors.
- api_version : string, optional
The version of endpoints to call. May instantiate multiple client objects with different versions. Currently only “1.0” is supported.
- resources : string, optional
When set to “base”, only the default endpoints will be exposed in the client object. Set to “all” to include all endpoints available for a given user, including those that may be in development and subject to breaking changes at a later date. This will be removed in a future version of the API client.
- local_api_spec : collections.OrderedDict or string, optional
The methods on this class are dynamically built from the Civis API specification, which can be retrieved from the /endpoints endpoint. When local_api_spec is None, the default, this specification is downloaded the first time APIClient is instantiated. Alternatively, a local cache of the specification may be passed as either an OrderedDict or a filename which points to a json file.
Attributes: - announcements
An instance of the
Announcements
endpoint- apps
An instance of the
Apps
endpoint- clusters
An instance of the
Clusters
endpoint- codes
An instance of the
Codes
endpoint- credentials
An instance of the
Credentials
endpoint- databases
An instance of the
Databases
endpoint- endpoints
An instance of the
Endpoints
endpoint- enhancements
An instance of the
Enhancements
endpoint- exports
An instance of the
Exports
endpoint- files
An instance of the
Files
endpoint- groups
An instance of the
Groups
endpoint- imports
An instance of the
Imports
endpoint- jobs
An instance of the
Jobs
endpoint- match_targets
An instance of the
Match_Targets
endpoint- media
An instance of the
Media
endpoint- models
An instance of the
Models
endpoint- notebooks
An instance of the
Notebooks
endpoint- notifications
An instance of the
Notifications
endpoint- ontology
An instance of the
Ontology
endpoint- predictions
An instance of the
Predictions
endpoint- projects
An instance of the
Projects
endpoint- queries
An instance of the
Queries
endpoint- remote_hosts
An instance of the
Remote_Hosts
endpoint- reports
An instance of the
Reports
endpoint- results
An instance of the
Results
endpoint- scripts
An instance of the
Scripts
endpoint- search
An instance of the
Search
endpoint- tables
An instance of the
Tables
endpoint- templates
An instance of the
Templates
endpoint- users
An instance of the
Users
endpoint- workflows
An instance of the
Workflows
endpoint
-
default_credential
¶ The current user’s default credential.
-
get_aws_credential_id
¶ Find an AWS credential ID.
Parameters: - cred_name : str or int
If an integer ID is given, this passes through directly. If a str is given, return the ID corresponding to the AWS credential with that name.
- owner : str, optional
Return the credential with this owner. If not provided, search for credentials under your username to disambiguate multiple credentials with the same name. Note that this function cannot return credentials which are not associated with an owner.
Returns: - aws_credential_id : int
The ID number of the AWS credentials.
Raises: - ValueError
If the AWS credential can’t be found.
Examples
>>> import civis >>> client = civis.APIClient() >>> client.get_aws_credential_id('jsmith') 1234
>>> client.get_aws_credential_id(1111) 1111
>>> client.get_aws_credential_id('shared-cred', ... owner='research-group') 99
-
get_database_credential_id
¶ Return the credential ID for a given username in a given database.
Parameters: - username : str or int
If an integer ID is given, this passes through directly. If a str is given, return the ID corresponding to the database credential with that username.
- database_name : str or int
Return the ID of the database credential with username username for this database name or ID.
Returns: - database_credential_id : int
The ID of the database credentials.
Raises: - ValueError
If the credential can’t be found.
Examples
>>> import civis >>> client = civis.APIClient() >>> client.get_database_credential_id('jsmith', 'redshift-general') 1234
>>> client.get_database_credential_id(1111, 'redshift-general') 1111
-
get_database_id
¶ Return the database ID for a given database name.
Parameters: - database : str or int
If an integer ID is given, passes through. If a str is given the database ID corresponding to that database name is returned.
Returns: - database_id : int
The ID of the database.
Raises: - ValueError
If the database can’t be found.
-
get_table_id
¶ Return the table ID for a given database and table name.
Parameters: - table : str
The name of the table in format schema.tablename. Either schema or tablename, or both, can be double-quoted to correctly parse special characters (such as ‘.’).
- database : str or int
The name or ID of the database.
Returns: - table_id : int
The ID of the table.
Raises: - ValueError
If a table match can’t be found.
Examples
>>> import civis >>> client = civis.APIClient() >>> client.get_table_id('foo.bar', 'redshift-general') 123 >>> client.get_table_id('"schema.has.periods".bar', 'redshift-general') 456
-
username
¶ The current user’s username.
API Responses¶
Response Types¶
-
class
civis.response.
Response
(json_data, snake_case=True, headers=None)[source]¶ Custom Civis response object.
Notes
The main features of this class are that it maps camelCase to snake_case at the top level of the json object and attaches keys as attributes. Nested object keys are not changed.
Attributes: - json_data : dict | None
This is json_data as it is originally returned to the user without the key names being changed. See Notes. None is used if the original response returned a 204 No Content response.
- headers : dict
This is the header for the API call without changing the key names.
- calls_remaining : int
Number of API calls remaining before rate limit is reached.
- rate_limit : int
Total number of calls per API rate limit period.
-
class
civis.response.
PaginatedResponse
(path, initial_params, endpoint)[source]¶ A response object which is an iterator
Parameters: - path : str
Make GET requests to this path.
- initial_params : dict
Query params that should be passed along with each request. Note that if initial_params contains the keys page_num or limit, they will be ignored. The given dict is not modified.
- endpoint : civis.base.Endpoint
An endpoint used to make API requests.
Notes
This response is returned automatically by endpoints which support pagination when the iterator kwarg is specified.
Examples
>>> client = civis.APIClient() >>> queries = client.queries.list(iterator=True) >>> for query in queries: ... print(query['id'])
-
class
civis.futures.
CivisFuture
(poller, poller_args, polling_interval=None, api_key=None, client=None, poll_on_creation=True)[source]¶ A class for tracking future results.
This class will attempt to subscribe to a Pubnub channel to listen for job completion events. If you don’t have access to Pubnub channels, then it will fallback to polling.
This is a subclass of
concurrent.futures.Future
from the Python standard library. See: https://docs.python.org/3/library/concurrent.futures.htmlParameters: - poller : func
A function which returns an object that has a
state
attribute.- poller_args : tuple
The arguments with which to call the poller function.
- polling_interval : int or float, optional
The number of seconds between API requests to check whether a result is ready.
- api_key : DEPRECATED str, optional
Your Civis API key. If not given, the
CIVIS_API_KEY
environment variable will be used.- client :
civis.APIClient
, optional - poll_on_creation : bool, optional
If
True
(the default), it will poll upon callingresult()
the first time. IfFalse
, it will wait the number of seconds specified in polling_interval from object creation before polling.
Examples
This example is provided as a function at
query_civis()
.>>> client = civis.APIClient() >>> database_id = client.get_database_id("my_database") >>> cred_id = client.default_credential >>> sql = "SELECT 1" >>> preview_rows = 10 >>> response = client.queries.post(database_id, sql, preview_rows, >>> credential=cred_id) >>> >>> poller = client.queries.get_runs >>> poller_args = response.id, response.last_run_id >>> polling_interval = 10 >>> future = CivisFuture(poller, poller_args, polling_interval) >>> future.job_id == response.id True >>> future.run_id == response.last_run_id True
Attributes: - job_id : int
First element of the tuple given to poller_args
- run_id : int or None
Second element of the tuple given to poller_args (None if the poller function does not require a run ID)
Helper Functions¶
-
civis.
find
(object_list, filter_func=None, **kwargs)[source]¶ Filter
civis.response.Response
objects.Parameters: - object_list : iterable
An iterable of arbitrary objects, particularly those with attributes that can be targeted by the filters in kwargs. A major use case is an iterable of
civis.response.Response
objects.- filter_func : callable, optional
A one-argument function. If specified, kwargs are ignored. An object from the input iterable is kept in the returned list if and only if
bool(filter_func(object))
isTrue
.- **kwargs
Key-value pairs for more fine-grained filtering; they cannot be used in conjunction with filter_func. All keys must be strings. For an object from the input iterable to be included in the returned list, all the key`s must be attributes of `object, plus any one of the following conditions for a given key:
- value is a one-argument function and
bool(value(getattr(object, key)))
isTrue
- value is
True
getattr(object, key)
is equal tovalue
- value is a one-argument function and
Returns: - list
See also
Examples
>>> import civis >>> client = civis.APIClient() >>> # creds is a list of civis.response.Response objects >>> creds = client.credentials.list() >>> # target_creds contains civis.response.Response objects >>> # with the attribute 'name' == 'username' >>> target_creds = find(creds, name='username')
-
civis.
find_one
(object_list, filter_func=None, **kwargs)[source]¶ Return one satisfying
civis.response.Response
object.The arguments are the same as those for
civis.find()
. If more than one object satisfies the filtering criteria, the first one is returned. If no satisfying objects are found,None
is returned.Returns: - object or None
See also
API Resources¶
Announcements¶
-
class
Announcements
(session_kwargs, return_type='civis')¶ Methods
-
list
(*, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List announcements
Parameters: - limit : integer, optional
Number of results to return. Defaults to 10. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to released_at. Must be one of: released_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of this announcement
- subject : string
The subject of this announcement.
- body : string
The body of this announcement.
- released_at : string/date-time
The date and time this announcement was released.
- created_at : string/date-time
- updated_at : string/date-time
-
Apps¶
-
class
Apps
(session_kwargs, return_type='civis')¶ Methods
-
delete_instances_projects
(id, project_id, slug)¶ Remove a AppInstance from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
- slug : string
The slug for the application.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(slug)¶ List details of a Decision Application
Parameters: - slug : string
The slug for the application.
Returns: - slug : string
The slug for the application.
- id : integer
The unique id of the application.
- instance_name : string
A word that describes an instance of this app.
- name : string
The name of the application.
- current_release : dict::
- id : integer
- The unique id of the release.
- app_id : integer
- The id of the app the release belongs to.
- report_template_id : integer
- ID of the report template for this release.
- resources : dict
- A hash of resources associated with this release.
- archived : string
- The archival status of the requested item(s).
- features : dict
App features.
-
get_instances
(id, slug)¶ Return a given app instance
Parameters: - id : integer
The unique id of the instance.
- slug : string
The slug for the application.
Returns: - id : integer
The unique id of the instance.
- name : string
The name of the instance.
- app_release_id : integer
The id of the app release the instance belongs to.
- report_id : integer
The id of the report the instance belongs to.
- created_at : string/time
The time the instance was created at.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- project_id : integer
The id of the project collecting all the items that belong to this app instance.
- auth_code_url : string
- api_key : string
A Civis API key that can be used by this app instance.
- archived : string
The archival status of the requested item(s).
-
get_releases
(id, slug)¶ Return a given app release
Parameters: - id : integer
The unique id of the release.
- slug : string
The slug for the application.
Returns: - id : integer
The unique id of the release.
- app_id : integer
The id of the app the release belongs to.
- report_template_id : integer
ID of the report template for this release.
- resources : dict
A hash of resources associated with this release.
- archived : string
The archival status of the requested item(s).
-
list
()¶ List apps
Returns: - slug : string
The slug for the application.
- id : integer
The unique id of the application.
- instance_name : string
A word that describes an instance of this app.
- name : string
The name of the application.
-
list_instances
(slug, *, archived='DEFAULT', app_release_id='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the instances of a Decision Application
Parameters: - slug : string
The slug for the application.
- archived : string, optional
The archival status of the requested item(s).
- app_release_id : integer, optional
If supplied, return only instances matching this release.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The unique id of the instance.
- name : string
The name of the instance.
- app_release_id : integer
The id of the app release the instance belongs to.
- report_id : integer
The id of the report the instance belongs to.
- created_at : string/time
The time the instance was created at.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- project_id : integer
The id of the project collecting all the items that belong to this app instance.
- archived : string
The archival status of the requested item(s).
-
list_instances_projects
(id, slug, *, hidden='DEFAULT')¶ List the projects a AppInstance belongs to
Parameters: - id : integer
The ID of the resource.
- slug : string
The slug for the application.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_releases
(slug, *, archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the releases of a particular Decision Application
Parameters: - slug : string
The slug for the application.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The unique id of the release.
- app_id : integer
The id of the app the release belongs to.
- report_template_id : integer
ID of the report template for this release.
- resources : dict
A hash of resources associated with this release.
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
patch_instances
(id, slug, *, name='DEFAULT')¶ Update a given app instance
Parameters: - id : integer
The unique id of the instance.
- slug : string
The slug for the application.
- name : string, optional
The name of the instance.
Returns: - id : integer
The unique id of the instance.
- name : string
The name of the instance.
- app_release_id : integer
The id of the app release the instance belongs to.
- report_id : integer
The id of the report the instance belongs to.
- created_at : string/time
The time the instance was created at.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- project_id : integer
The id of the project collecting all the items that belong to this app instance.
- auth_code_url : string
- api_key : string
A Civis API key that can be used by this app instance.
- archived : string
The archival status of the requested item(s).
-
patch_releases
(slug, id, *, report_template_id='DEFAULT', resources='DEFAULT')¶ Update an existing Decision Application release
Parameters: - slug : string
The slug for the application.
- id : integer
The unique id of the release.
- report_template_id : integer, optional
ID of the report template for this release.
- resources : dict, optional
A hash of resources associated with this release.
Returns: - id : integer
The unique id of the release.
- app_id : integer
The id of the app the release belongs to.
- report_template_id : integer
ID of the report template for this release.
- resources : dict
A hash of resources associated with this release.
- archived : string
The archival status of the requested item(s).
-
post_instances
(slug, *, name='DEFAULT')¶ Create a new instance of an application of the given slug
Parameters: - slug : string
The slug for the application.
- name : string, optional
The name of the instance.
Returns: - id : integer
The unique id of the instance.
- name : string
The name of the instance.
- app_release_id : integer
The id of the app release the instance belongs to.
- report_id : integer
The id of the report the instance belongs to.
- created_at : string/time
The time the instance was created at.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- project_id : integer
The id of the project collecting all the items that belong to this app instance.
- auth_code_url : string
- api_key : string
A Civis API key that can be used by this app instance.
- archived : string
The archival status of the requested item(s).
-
post_releases
(slug, report_template_id, resources)¶ Create a new Decision Application release
Parameters: - slug : string
The slug for the application.
- report_template_id : integer
ID of the report template for this release.
- resources : dict
A hash of resources associated with this release.
Returns: - id : integer
The unique id of the release.
- app_id : integer
The id of the app the release belongs to.
- report_template_id : integer
ID of the report template for this release.
- resources : dict
A hash of resources associated with this release.
- archived : string
The archival status of the requested item(s).
-
put_features
(slug, org, features)¶ Update the Decision Application features for a given organization
Parameters: - slug : string
The slug for the application.
- org : string
Organization.
- features : dict
App features.
Returns: - slug : string
The slug for the application.
- id : integer
The unique id of the application.
- instance_name : string
A word that describes an instance of this app.
- name : string
The name of the application.
- current_release : dict::
- id : integer
- The unique id of the release.
- app_id : integer
- The id of the app the release belongs to.
- report_template_id : integer
- ID of the report template for this release.
- resources : dict
- A hash of resources associated with this release.
- archived : string
- The archival status of the requested item(s).
- features : dict
App features.
-
put_instances_archive
(id, slug, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- slug : string
The slug for the application.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The unique id of the instance.
- name : string
The name of the instance.
- app_release_id : integer
The id of the app release the instance belongs to.
- report_id : integer
The id of the report the instance belongs to.
- created_at : string/time
The time the instance was created at.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- project_id : integer
The id of the project collecting all the items that belong to this app instance.
- auth_code_url : string
- api_key : string
A Civis API key that can be used by this app instance.
- archived : string
The archival status of the requested item(s).
-
put_instances_projects
(id, project_id, slug)¶ Add a AppInstance to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
- slug : string
The slug for the application.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_releases_archive
(id, slug, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- slug : string
The slug for the application.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The unique id of the release.
- app_id : integer
The id of the app the release belongs to.
- report_template_id : integer
ID of the report template for this release.
- resources : dict
A hash of resources associated with this release.
- archived : string
The archival status of the requested item(s).
Set the permissions groups has on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - slug : string
The slug for the application.
- id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Clusters¶
-
class
Clusters
(session_kwargs, return_type='civis')¶ Methods
-
delete_kubernetes_partitions
(id, cluster_partition_id)¶ Delete a Cluster Partition
Parameters: - id : integer
The ID of the cluster which this partition belongs to.
- cluster_partition_id : integer
The ID of this cluster partition.
Returns: - None
Response code 204: success
-
get_kubernetes
(id)¶ Describe a Kubernetes Cluster
Parameters: - id : integer
The ID of this cluster.
Returns: - id : integer
The ID of this cluster.
- organization_id : string
The id of this cluster’s organization.
- organization_name : string
The name of this cluster’s organization.
- organization_slug : string
The slug of this cluster’s organization.
- cluster_partitions : list::
List of cluster partitions associated with this cluster. - cluster_partition_id : integer
The ID of this cluster partition.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
- instance_configs : list::
The instances configured for this cluster partition. - instance_config_id : integer
The ID of this InstanceConfig.
- instance_type : string
- An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- instance_max_memory : integer
- The amount of memory (RAM) available to a single instance of that type in megabytes.
- instance_max_cpu : integer
- The number of processor shares available to a single instance of that type in millicores.
- instance_max_disk : integer
- The amount of disk available to a single instance of that type in gigabytes.
- default_instance_config_id : integer
The id of the InstanceConfig that is the default for this partition.
- is_nat_enabled : boolean
Whether this cluster needs a NAT gateway or not.
-
get_kubernetes_partitions
(id, cluster_partition_id)¶ Describe a Cluster Partition
Parameters: - id : integer
The ID of the cluster which this partition belongs to.
- cluster_partition_id : integer
The ID of this cluster partition.
Returns: - cluster_partition_id : integer
The ID of this cluster partition.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
- instance_configs : list::
The instances configured for this cluster partition. - instance_config_id : integer
The ID of this InstanceConfig.
- instance_type : string
- An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- instance_max_memory : integer
- The amount of memory (RAM) available to a single instance of that type in megabytes.
- instance_max_cpu : integer
- The number of processor shares available to a single instance of that type in millicores.
- instance_max_disk : integer
- The amount of disk available to a single instance of that type in gigabytes.
- default_instance_config_id : integer
The id of the InstanceConfig that is the default for this partition.
-
get_workers
(id)¶ Describe a Worker Cluster
Parameters: - id : integer
The ID of this cluster.
Returns: - id : integer
The ID of this cluster.
- instance_type : string
The EC2 instance types in this cluster.
- min_instances : integer
The minimum number of instances in this cluster.
- max_instances : integer
The maximum number of instances in this cluster.
- instances : integer
The number of instances currently in this cluster.
- instance_max_memory : integer
The amount of memory available to a single instance.
- instance_max_cpu : integer
The number of processor shares available to a single instance.
- instance_max_disk_space : number/float
The amount of memory available to a single instance.
- region : string
The AWS region that this cluster is in.
- active_jobs_count : integer
The number of jobs currently being run in the cluster.
- queued_jobs_count : integer
The number of jobs currently waiting to be run on the cluster.
-
list_kubernetes
(*, organization_slug='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Kubernetes Clusters
Parameters: - organization_slug : string, optional
The slug of this cluster’s organization.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to organization_id. Must be one of: organization_id, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of this cluster.
- organization_id : string
The id of this cluster’s organization.
- organization_name : string
The name of this cluster’s organization.
- organization_slug : string
The slug of this cluster’s organization.
- cluster_partitions : list::
List of cluster partitions associated with this cluster. - cluster_partition_id : integer
The ID of this cluster partition.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
- instance_configs : list::
The instances configured for this cluster partition. - instance_config_id : integer
The ID of this InstanceConfig.
- instance_type : string
- An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- instance_max_memory : integer
- The amount of memory (RAM) available to a single instance of that type in megabytes.
- instance_max_cpu : integer
- The number of processor shares available to a single instance of that type in millicores.
- instance_max_disk : integer
- The amount of disk available to a single instance of that type in gigabytes.
- default_instance_config_id : integer
The id of the InstanceConfig that is the default for this partition.
- is_nat_enabled : boolean
Whether this cluster needs a NAT gateway or not.
-
list_kubernetes_deployment_stats
(id)¶ Get stats about deployments associated with a Kubernetes Cluster
Parameters: - id : integer
The ID of this cluster.
Returns: - base_type : string
The base type of this deployment
- state : string
State of the deployment
- count : integer
Number of deployments of base type and state
- total_cpu : integer
Total amount of CPU in millicores for deployments of base type and state
- total_memory : integer
Total amount of Memory in megabytes for deployments of base type and state
-
list_kubernetes_deployments
(id, *, base_type='DEFAULT', state='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the deployments associated with a Kubernetes Cluster
Parameters: - id : integer
The id of the cluster.
- base_type : string, optional
If specified, return deployments of these base types. It accepts a comma- separated list, possible values are ‘Notebook’, ‘Service’, ‘Run’.
- state : string, optional
If specified, return deployments in these states. It accepts a comma- separated list, possible values are pending, running, terminated, sleeping
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The id of this deployment.
- name : string
The name of the deployment.
- base_id : integer
The id of the base object associated with the deployment.
- base_type : string
The base type of this deployment.
- state : string
The state of the deployment.
- cpu : integer
The CPU in millicores required by the deployment.
- memory : integer
The memory in MB required by the deployment.
- disk_space : integer
The disk space in GB required by the deployment.
- instance_type : string
The EC2 instance type requested for the deployment.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
-
list_kubernetes_partitions
(id)¶ List Cluster Partitions for given cluster
Parameters: - id : integer
The ID of this cluster.
Returns: - cluster_partition_id : integer
The ID of this cluster partition.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
- instance_configs : list::
The instances configured for this cluster partition. - instance_config_id : integer
The ID of this InstanceConfig.
- instance_type : string
- An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- instance_max_memory : integer
- The amount of memory (RAM) available to a single instance of that type in megabytes.
- instance_max_cpu : integer
- The number of processor shares available to a single instance of that type in millicores.
- instance_max_disk : integer
- The amount of disk available to a single instance of that type in gigabytes.
- default_instance_config_id : integer
The id of the InstanceConfig that is the default for this partition.
-
list_workers
(*, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Worker Clusters
Parameters: - limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of this cluster.
- instance_type : string
The EC2 instance types in this cluster.
- min_instances : integer
The minimum number of instances in this cluster.
- max_instances : integer
The maximum number of instances in this cluster.
- region : string
The AWS region that this cluster is in.
- active_jobs_count : integer
The number of jobs currently being run in the cluster.
- queued_jobs_count : integer
The number of jobs currently waiting to be run on the cluster.
-
list_workers_active_jobs
(id)¶ List Active Jobs for a Worker Cluster
Parameters: - id : integer
The ID of this cluster.
Returns: - id : integer
- name : string
- type : string
- from_template_id : integer
- state : string
Whether the job is idle, queued, running, cancelled, or failed.
- created_at : string/date-time
- updated_at : string/date-time
- runs : list::
Information about the most recent runs of the job. - id : integer - state : string - created_at : string/time
The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- required_cpu : integer
The CPU shares required by the script.
- required_disk_space : integer
The disk space in GB required by the script.
- required_memory : integer
The memory in MB required by the script.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
-
list_workers_queued_jobs
(id)¶ List Queued Jobs for a Worker Cluster
Parameters: - id : integer
The ID of this cluster.
Returns: - id : integer
- name : string
- type : string
- from_template_id : integer
- state : string
Whether the job is idle, queued, running, cancelled, or failed.
- created_at : string/date-time
- updated_at : string/date-time
- runs : list::
Information about the most recent runs of the job. - id : integer - state : string - created_at : string/time
The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- required_cpu : integer
The CPU shares required by the script.
- required_disk_space : integer
The disk space in GB required by the script.
- required_memory : integer
The memory in MB required by the script.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
-
patch_kubernetes
(id, *, is_nat_enabled='DEFAULT')¶ Update a Kubernetes Cluster
Parameters: - id : integer
The ID of this cluster.
- is_nat_enabled : boolean, optional
Whether this cluster needs a NAT gateway or not.
Returns: - id : integer
The ID of this cluster.
- organization_id : string
The id of this cluster’s organization.
- organization_name : string
The name of this cluster’s organization.
- organization_slug : string
The slug of this cluster’s organization.
- cluster_partitions : list::
List of cluster partitions associated with this cluster. - cluster_partition_id : integer
The ID of this cluster partition.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
- instance_configs : list::
The instances configured for this cluster partition. - instance_config_id : integer
The ID of this InstanceConfig.
- instance_type : string
- An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- instance_max_memory : integer
- The amount of memory (RAM) available to a single instance of that type in megabytes.
- instance_max_cpu : integer
- The number of processor shares available to a single instance of that type in millicores.
- instance_max_disk : integer
- The amount of disk available to a single instance of that type in gigabytes.
- default_instance_config_id : integer
The id of the InstanceConfig that is the default for this partition.
- is_nat_enabled : boolean
Whether this cluster needs a NAT gateway or not.
-
patch_kubernetes_partitions
(id, cluster_partition_id, *, instance_configs='DEFAULT', name='DEFAULT', labels='DEFAULT')¶ Update a Cluster Partition
Parameters: - id : integer
The ID of the cluster which this partition belongs to.
- cluster_partition_id : integer
The ID of this cluster partition.
- instance_configs : list, optional::
The instances configured for this cluster partition. - instance_type : string
An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- name : string, optional
The name of the cluster partition.
- labels : list, optional
Labels associated with this partition.
Returns: - cluster_partition_id : integer
The ID of this cluster partition.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
- instance_configs : list::
The instances configured for this cluster partition. - instance_config_id : integer
The ID of this InstanceConfig.
- instance_type : string
- An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- instance_max_memory : integer
- The amount of memory (RAM) available to a single instance of that type in megabytes.
- instance_max_cpu : integer
- The number of processor shares available to a single instance of that type in millicores.
- instance_max_disk : integer
- The amount of disk available to a single instance of that type in gigabytes.
- default_instance_config_id : integer
The id of the InstanceConfig that is the default for this partition.
-
post_kubernetes
(*, organization_id='DEFAULT', organization_slug='DEFAULT', is_nat_enabled='DEFAULT')¶ Create a Kubernetes Cluster
Parameters: - organization_id : string, optional
The id of this cluster’s organization.
- organization_slug : string, optional
The slug of this cluster’s organization.
- is_nat_enabled : boolean, optional
Whether this cluster needs a NAT gateway or not.
Returns: - id : integer
The ID of this cluster.
- organization_id : string
The id of this cluster’s organization.
- organization_name : string
The name of this cluster’s organization.
- organization_slug : string
The slug of this cluster’s organization.
- cluster_partitions : list::
List of cluster partitions associated with this cluster. - cluster_partition_id : integer
The ID of this cluster partition.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
- instance_configs : list::
The instances configured for this cluster partition. - instance_config_id : integer
The ID of this InstanceConfig.
- instance_type : string
- An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- instance_max_memory : integer
- The amount of memory (RAM) available to a single instance of that type in megabytes.
- instance_max_cpu : integer
- The number of processor shares available to a single instance of that type in millicores.
- instance_max_disk : integer
- The amount of disk available to a single instance of that type in gigabytes.
- default_instance_config_id : integer
The id of the InstanceConfig that is the default for this partition.
- is_nat_enabled : boolean
Whether this cluster needs a NAT gateway or not.
-
post_kubernetes_partitions
(id, instance_configs, name, labels)¶ Create a Cluster Partition for given cluster
Parameters: - id : integer
The ID of the cluster which this partition belongs to.
- instance_configs : list::
The instances configured for this cluster partition. - instance_type : string
An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
Returns: - cluster_partition_id : integer
The ID of this cluster partition.
- name : string
The name of the cluster partition.
- labels : list
Labels associated with this partition.
- instance_configs : list::
The instances configured for this cluster partition. - instance_config_id : integer
The ID of this InstanceConfig.
- instance_type : string
- An EC2 instance type. Possible values include t2.large, m4.xlarge, m4.2xlarge, m4.4xlarge, m5.12xlarge, and p2.xlarge.
- min_instances : integer
- The minimum number of instances of that type in this cluster.
- max_instances : integer
- The maximum number of instances of that type in this cluster.
- instance_max_memory : integer
- The amount of memory (RAM) available to a single instance of that type in megabytes.
- instance_max_cpu : integer
- The number of processor shares available to a single instance of that type in millicores.
- instance_max_disk : integer
- The amount of disk available to a single instance of that type in gigabytes.
- default_instance_config_id : integer
The id of the InstanceConfig that is the default for this partition.
-
Codes¶
-
class
Codes
(session_kwargs, return_type='civis')¶ Methods
-
delete
(id)¶ Delete a code
Parameters: - id : integer
The ID for this code.
Returns: - None
Response code 204: success
-
get
(id)¶ Show basic code info
Parameters: - id : integer
The ID for this code.
Returns: - id : integer
The ID for this code.
- name : string
Name of code.
- type : string
The code’s type; e.g., Code::FrontEnd.
- body : string
Actual code contents; e.g., HTML, SQL, etc.
- readme : string
User specified information about this code. Markdown format accepted.
- score : integer
Internal Civis Use Only.
- auth_s3_url : string
Authorized_s3_link to file.
- created_at : string/time
The creation time for this code.
- updated_at : string/time
The last modification time for this code.
-
list
(*, limit='DEFAULT', type='DEFAULT', featured='DEFAULT')¶ List codes
Parameters: - limit : integer, optional
The maximum number of codes to return.
- type : string, optional
The code’s type; e.g., Code::FrontEnd.
- featured : boolean, optional
If true, return featured codes.
Returns: - id : integer
The ID for this code.
- name : string
Name of code.
- type : string
The code’s type; e.g., Code::FrontEnd.
- created_at : string/time
The creation time for this code.
- updated_at : string/time
The last modification time for this code.
-
patch
(id, *, name='DEFAULT', type='DEFAULT', body='DEFAULT', readme='DEFAULT', score='DEFAULT', auth_s3_url='DEFAULT')¶ Update a code
Parameters: - id : integer
The ID for this code.
- name : string, optional
Name of code.
- type : string, optional
The code’s type; e.g., Code::FrontEnd.
- body : string, optional
Actual code contents; e.g., HTML, SQL, etc.
- readme : string, optional
User specified information about this code. Markdown format accepted.
- score : integer, optional
Internal Civis Use Only.
- auth_s3_url : string, optional
Authorized_s3_link to file.
Returns: - None
Response code 204: success
-
post
(name, type, body, readme, *, score='DEFAULT', auth_s3_url='DEFAULT')¶ Create a new code
Parameters: - name : string
Name of code.
- type : string
The code’s type; e.g., Code::FrontEnd.
- body : string
Actual code contents; e.g., HTML, SQL, etc.
- readme : string
User specified information about this code. Markdown format accepted.
- score : integer, optional
Internal Civis Use Only.
- auth_s3_url : string, optional
Authorized_s3_link to file.
Returns: - None
Response code 204: success
-
put
(id, name, type, body, readme, *, score='DEFAULT', auth_s3_url='DEFAULT')¶ Update a code
Parameters: - id : integer
The ID for this code.
- name : string
Name of code.
- type : string
The code’s type; e.g., Code::FrontEnd.
- body : string
Actual code contents; e.g., HTML, SQL, etc.
- readme : string
User specified information about this code. Markdown format accepted.
- score : integer, optional
Internal Civis Use Only.
- auth_s3_url : string, optional
Authorized_s3_link to file.
Returns: - id : integer
The ID for this code.
- name : string
Name of code.
- type : string
The code’s type; e.g., Code::FrontEnd.
- body : string
Actual code contents; e.g., HTML, SQL, etc.
- readme : string
User specified information about this code. Markdown format accepted.
- score : integer
Internal Civis Use Only.
- auth_s3_url : string
Authorized_s3_link to file.
- created_at : string/time
The creation time for this code.
- updated_at : string/time
The last modification time for this code.
-
Credentials¶
-
class
Credentials
(session_kwargs, return_type='civis')¶ Methods
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Get a credential
Parameters: - id : integer
The ID of the credential.
Returns: - id : integer
The ID of the credential.
- name : string
The name identifying the credential
- type : string
The credential’s type.
- username : string
The username for the credential.
- description : string
A long description of the credential.
- owner : string
The name of the user who this credential belongs to.
- remote_host_id : integer
The ID of the remote host associated with this credential.
- remote_host_name : string
The name of the remote host associated with this credential.
- state : string
The U.S. state for the credential. Only for VAN credentials.
- created_at : string/time
The creation time for this credential.
- updated_at : string/time
The last modification time for this credential.
-
list
(*, type='DEFAULT', default='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List credentials
Parameters: - type : string, optional
The type (or types) of credentials to return. One or more of: Amazon Web Services S3, Bitbucket, BSD::API, CASS/NCOA PAF, Catalist::API, Catalist::SFTP, Certificate, Civis Platform, Custom, Database, Google, Github, JobTraits::Ftp, Salesforce User, Salesforce Client, Silverpop Application, Silverpop Refresh Token, Silverpop User, TableauUser, VAN::MyVoterFile, VAN::MyCampaign, and VAN::BothModes. Specify multiple values as a comma-separated list (e.g., “A,B”).
- default : boolean, optional
If true, will return a list with a single credential which is the current user’s default credential.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 1000.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, created_at, name.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the credential.
- name : string
The name identifying the credential
- type : string
The credential’s type.
- username : string
The username for the credential.
- description : string
A long description of the credential.
- owner : string
The name of the user who this credential belongs to.
- remote_host_id : integer
The ID of the remote host associated with this credential.
- remote_host_name : string
The name of the remote host associated with this credential.
- state : string
The U.S. state for the credential. Only for VAN credentials.
- created_at : string/time
The creation time for this credential.
- updated_at : string/time
The last modification time for this credential.
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
post
(type, username, password, *, name='DEFAULT', description='DEFAULT', remote_host_id='DEFAULT', state='DEFAULT', system_credential='DEFAULT')¶ Create a credential
Parameters: - type : string
- username : string
The username for the credential.
- password : string
The password for the credential.
- name : string, optional
The name identifying the credential.
- description : string, optional
A long description of the credential.
- remote_host_id : integer, optional
The ID of the remote host associated with the credential.
- state : string, optional
The U.S. state for the credential. Only for VAN credentials.
- system_credential : boolean, optional
Returns: - id : integer
The ID of the credential.
- name : string
The name identifying the credential
- type : string
The credential’s type.
- username : string
The username for the credential.
- description : string
A long description of the credential.
- owner : string
The name of the user who this credential belongs to.
- remote_host_id : integer
The ID of the remote host associated with this credential.
- remote_host_name : string
The name of the remote host associated with this credential.
- state : string
The U.S. state for the credential. Only for VAN credentials.
- created_at : string/time
The creation time for this credential.
- updated_at : string/time
The last modification time for this credential.
-
post_authenticate
(url, remote_host_type, username, password)¶ Authenticate against a remote host
Parameters: - url : string
The URL to your host.
- remote_host_type : string
The type of remote host. One of: RemoteHostTypes::Bitbucket, RemoteHostTypes::Ftp, RemoteHostTypes::Github, RemoteHostTypes::GoogleDoc, RemoteHostTypes::JDBC, RemoteHostTypes::Postgres, RemoteHostTypes::Redshift, RemoteHostTypes::Salesforce, and RemoteHostTypes::Van
- username : string
The username for the credential.
- password : string
The password for the credential.
Returns: - id : integer
The ID of the credential.
- name : string
The name identifying the credential
- type : string
The credential’s type.
- username : string
The username for the credential.
- description : string
A long description of the credential.
- owner : string
The name of the user who this credential belongs to.
- remote_host_id : integer
The ID of the remote host associated with this credential.
- remote_host_name : string
The name of the remote host associated with this credential.
- state : string
The U.S. state for the credential. Only for VAN credentials.
- created_at : string/time
The creation time for this credential.
- updated_at : string/time
The last modification time for this credential.
-
post_temporary
(id, *, duration='DEFAULT')¶ Generate a temporary credential for accessing S3
Parameters: - id : integer
The ID of the credential.
- duration : integer, optional
The number of seconds the temporary credential should be valid. Defaults to 15 minutes. Must not be less than 15 minutes or greater than 36 hours.
Returns: - access_key : string
The identifier of the credential.
- secret_access_key : string
The secret part of the credential.
- session_token : string
The session token identifier.
-
put
(id, type, username, password, *, name='DEFAULT', description='DEFAULT', remote_host_id='DEFAULT', state='DEFAULT', system_credential='DEFAULT')¶ Update an existing credential
Parameters: - id : integer
The ID of the credential.
- type : string
- username : string
The username for the credential.
- password : string
The password for the credential.
- name : string, optional
The name identifying the credential.
- description : string, optional
A long description of the credential.
- remote_host_id : integer, optional
The ID of the remote host associated with the credential.
- state : string, optional
The U.S. state for the credential. Only for VAN credentials.
- system_credential : boolean, optional
Returns: - id : integer
The ID of the credential.
- name : string
The name identifying the credential
- type : string
The credential’s type.
- username : string
The username for the credential.
- description : string
A long description of the credential.
- owner : string
The name of the user who this credential belongs to.
- remote_host_id : integer
The ID of the remote host associated with this credential.
- remote_host_name : string
The name of the remote host associated with this credential.
- state : string
The U.S. state for the credential. Only for VAN credentials.
- created_at : string/time
The creation time for this credential.
- updated_at : string/time
The last modification time for this credential.
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Databases¶
-
class
Databases
(session_kwargs, return_type='civis')¶ Methods
-
delete_whitelist_ips
(id, whitelisted_ip_id)¶ Remove a whitelisted IP address
Parameters: - id : integer
The ID of the database this rule is applied to.
- whitelisted_ip_id : integer
The ID of this whitelisted IP address.
Returns: - None
Response code 204: success
-
get
(id)¶ Show database information
Parameters: - id : integer
The ID for the database.
Returns: - id : integer
The ID for the database.
- name : string
The name of the database.
- adapter : string
The type of the database.
-
get_whitelist_ips
(id, whitelisted_ip_id)¶ View details about a whitelisted IP
Parameters: - id : integer
The ID of the database this rule is applied to.
- whitelisted_ip_id : integer
The ID of this whitelisted IP address.
Returns: - id : integer
The ID of this whitelisted IP address.
- remote_host_id : integer
The ID of the database this rule is applied to.
- security_group_id : string
The ID of the security group this rule is applied to.
- subnet_mask : string
The subnet mask that is allowed by this rule.
- authorized_by : string
The user who authorized this rule.
- is_active : boolean
True if the rule is applied, false if it has been revoked.
- created_at : string/time
The time this rule was created.
- updated_at : string/time
The time this rule was last updated.
-
list
()¶ List databases
Returns: - id : integer
The ID for the database.
- name : string
The name of the database.
- adapter : string
The type of the database.
-
list_schemas
(id)¶ List schemas in this database
Parameters: - id : integer
The ID of the database.
Returns: - schema : string
The name of a schema.
-
list_whitelist_ips
(id)¶ List whitelisted IPs for the specified database
Parameters: - id : integer
The ID for the database.
Returns: - id : integer
The ID of this whitelisted IP address.
- remote_host_id : integer
The ID of the database this rule is applied to.
- security_group_id : string
The ID of the security group this rule is applied to.
- subnet_mask : string
The subnet mask that is allowed by this rule.
- created_at : string/time
The time this rule was created.
- updated_at : string/time
The time this rule was last updated.
-
post_whitelist_ips
(id, subnet_mask)¶ Whitelist an IP address
Parameters: - id : integer
The ID of the database this rule is applied to.
- subnet_mask : string
The subnet mask that is allowed by this rule.
Returns: - id : integer
The ID of this whitelisted IP address.
- remote_host_id : integer
The ID of the database this rule is applied to.
- security_group_id : string
The ID of the security group this rule is applied to.
- subnet_mask : string
The subnet mask that is allowed by this rule.
- authorized_by : string
The user who authorized this rule.
- is_active : boolean
True if the rule is applied, false if it has been revoked.
- created_at : string/time
The time this rule was created.
- updated_at : string/time
The time this rule was last updated.
-
Endpoints¶
Enhancements¶
-
class
Enhancements
(session_kwargs, return_type='civis')¶ Methods
-
delete_cass_ncoa_projects
(id, project_id)¶ Remove a JobTypes::CassNcoa from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_cass_ncoa_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the cass_ncoa.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_civis_data_match_projects
(id, project_id)¶ Remove a container docker from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_civis_data_match_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the civis_data_match.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_data_unification_projects
(id, project_id)¶ Remove a container docker from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_data_unification_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the data_unification.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_geocode_projects
(id, project_id)¶ Remove a JobTypes::Geocode from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_geocode_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the geocode.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_person_matching_projects
(id, project_id)¶ Remove a container docker from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_person_matching_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the person_matching.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_table_deduplication_projects
(id, project_id)¶ Remove a container docker from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_table_deduplication_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the table_deduplication.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get_cass_ncoa
(id)¶ Get a CASS/NCOA Enhancement
Parameters: - id : integer
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- source : dict::
- database_table : dict::
- schema : string
- The schema name of the source table.
- table : string
- The name of the source table.
- remote_host_id : integer
- The ID of the database host for the table.
- credential_id : integer
- The id of the credentials to be used when performing the enhancement.
- multipart_key : list
- The source table primary key.
- destination : dict::
- database_table : dict::
- schema : string
- The schema name for the output data.
- table : string
- The table name for the output data.
- column_mapping : dict::
- address1 : string
- The first address line.
- address2 : string
- The second address line.
- city : string
- The city of an address.
- state : string
- The state of an address.
- zip : string
- The zip code of an address.
- name : string
- The full name of the resident at this address. If needed, separate multiple columns with +, e.g. first_name+last_name
- company : string
- The name of the company located at this address.
- use_default_column_mapping : boolean
Defaults to true, where the existing column mapping on the input table will be used. If false, a custom column mapping must be provided.
- perform_ncoa : boolean
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- archived : string
The archival status of the requested item(s).
-
get_cass_ncoa_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the cass_ncoa.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- cass_ncoa_id : integer
The ID of the cass_ncoa.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_civis_data_match
(id)¶ Get a Civis Data Match Enhancement
Parameters: - id : integer
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table/file. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- match_target_id : integer
The ID of the Civis Data match target. See /match_targets for IDs.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
get_civis_data_match_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the civis_data_match.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- civis_data_match_id : integer
The ID of the civis_data_match.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_data_unification
(id)¶ Get a Data Unification Enhancement
Parameters: - id : integer
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- field_mapping1 : dict
The column mapping for Table/File 1. See /enhancements/field_mapping for list of valid fields.
- table1 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file1_id : integer
The ID for File 1. This should be set if and only if table1, table2, and outputTable are not set.
- field_mapping2 : dict
The column mapping for Table/File 2. See /enhancements/field_mapping for list of valid fields.
- table2 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file2_id : integer
The ID for File 2. This should be set if and only if table1, table2, and outputTable is not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if file1Id and file2Id are set.
- max_matches : integer
The maximum number of matches per record in Table/File 1 to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
get_data_unification_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the data_unification.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- data_unification_id : integer
The ID of the data_unification.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_geocode
(id)¶ Get a Geocode Enhancement
Parameters: - id : integer
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- remote_host_id : integer
The ID of the remote host.
- credential_id : integer
The ID of the remote host credential.
- source_schema_and_table : string
The source database schema and table.
- multipart_key : list
The source table primary key.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- target_schema : string
The output table schema.
- target_table : string
The output table name.
- country : string
The country of the addresses to be geocoded; either ‘us’ or ‘ca’.
- provider : string
The geocoding provider; one of postgis, nominatim, and geocoder_ca.
- output_address : boolean
Whether to output the parsed address. Only guaranteed for the ‘postgis’ provider.
- archived : string
The archival status of the requested item(s).
-
get_geocode_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the geocode.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- geocode_id : integer
The ID of the geocode.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_person_matching
(id)¶ Get a Person Matching Enhancement
Parameters: - id : integer
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- configuration : dict::
- task : string
- The type of person matching task. Options are: “table_to_table”, “dedupe_table”, or “table_to_civis_data”.
- source : string
- The input source of your data. Options are: “redshift” or “s3”.
- input_database_name : string
- The Redshift database name for input data.
- input_schema : string
- The schema name for the input data.
- input_table : string
- The table name for the input data.
- input_file_id : string
- The ID of the input S3 file.
- input_field_mapping : string
- The column mapping for the input in JSON or YAML.
- input_file_headers : string
- Provide your headers in a list if the first row of your input does not have the headers, and make them JSON-decodable. For example: [“col1”,”col2”,”col3”].
- target_database_name : string
- The Redshift database for target data.
- target_schema : string
- The schema for target data.
- target_table : string
- The table for target data.
- target_field_mapping : string
- The column mapping for the target in JSON or YAML.
- target_file_id : string
- The ID of the target S3 file.
- match_target_id : integer
- The ID of the match target.
- match_database_name : string
- The Redshift database for the match output table.
- match_schema : string
- The schema for the match output table.
- match_table : string
- The name of the match output table.
- match_csv_filename : string
- The name of the match output file.
- match_source_id_col : string
- The name of the column in the output table that will hold the id from the source for each match.
- match_target_id_col : string
- The name the column in the output table that will hold the id from the target for each match.
- max_matches : integer
- The maximum number of matches to return.
- threshold : number/float
- The score threshold (between 0 and 1).
-
get_person_matching_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the person_matching.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- person_matching_id : integer
The ID of the person_matching.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_table_deduplication
(id)¶ Get a Table Deduplication Enhancement
Parameters: - id : integer
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
get_table_deduplication_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the table_deduplication.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- table_deduplication_id : integer
The ID of the table_deduplication.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list
(*, type='DEFAULT', author='DEFAULT', status='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Enhancements
Parameters: - type : string, optional
If specified, return items of these types.
- author : string, optional
If specified, return items from this author. Must use user IDs. A comma separated list of IDs is also accepted to return items from multiple authors.
- status : string, optional
If specified, returns items with one of these statuses. It accepts a comma- separated list, possible values are ‘running’, ‘failed’, ‘succeeded’, ‘idle’, ‘scheduled’.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at, last_run.updated_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- archived : string
The archival status of the requested item(s).
-
list_cass_ncoa_projects
(id, *, hidden='DEFAULT')¶ List the projects a JobTypes::CassNcoa belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_cass_ncoa_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given cass_ncoa
Parameters: - id : integer
The ID of the cass_ncoa.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- cass_ncoa_id : integer
The ID of the cass_ncoa.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_cass_ncoa_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the cass_ncoa.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_cass_ncoa_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the job.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_civis_data_match_projects
(id, *, hidden='DEFAULT')¶ List the projects a container docker belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_civis_data_match_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given civis_data_match
Parameters: - id : integer
The ID of the civis_data_match.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- civis_data_match_id : integer
The ID of the civis_data_match.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_civis_data_match_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the civis_data_match.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_civis_data_match_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the job.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_data_unification_projects
(id, *, hidden='DEFAULT')¶ List the projects a container docker belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_data_unification_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given data_unification
Parameters: - id : integer
The ID of the data_unification.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- data_unification_id : integer
The ID of the data_unification.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_data_unification_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the data_unification.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_data_unification_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the job.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_field_mapping
()¶ List the fields in a field mapping for Civis Data Match, Data Unification, and Table Deduplication jobs
Returns: - field : string
The name of the field.
- description : string
The description of the field.
-
list_geocode_projects
(id, *, hidden='DEFAULT')¶ List the projects a JobTypes::Geocode belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_geocode_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given geocode
Parameters: - id : integer
The ID of the geocode.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- geocode_id : integer
The ID of the geocode.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_geocode_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the geocode.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_geocode_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the job.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_person_matching_projects
(id, *, hidden='DEFAULT')¶ List the projects a container docker belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_person_matching_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given person_matching
Parameters: - id : integer
The ID of the person_matching.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- person_matching_id : integer
The ID of the person_matching.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_person_matching_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the person_matching.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_person_matching_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the job.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_table_deduplication_projects
(id, *, hidden='DEFAULT')¶ List the projects a container docker belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_table_deduplication_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given table_deduplication
Parameters: - id : integer
The ID of the table_deduplication.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- table_deduplication_id : integer
The ID of the table_deduplication.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_table_deduplication_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the table_deduplication.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_table_deduplication_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the job.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_types
()¶ List available enhancement types
Returns: - name : string
The name of the type.
-
patch_cass_ncoa
(id, *, name='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', source='DEFAULT', destination='DEFAULT', column_mapping='DEFAULT', use_default_column_mapping='DEFAULT', perform_ncoa='DEFAULT', ncoa_credential_id='DEFAULT', output_level='DEFAULT', limiting_sql='DEFAULT')¶ Update some attributes of this CASS/NCOA Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string, optional
The name of the enhancement job.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- source : dict, optional::
- database_table : dict::
- schema : string
- The schema name of the source table.
- table : string
- The name of the source table.
- remote_host_id : integer
- The ID of the database host for the table.
- credential_id : integer
- The id of the credentials to be used when performing the enhancement.
- multipart_key : list
- The source table primary key.
- destination : dict, optional::
- database_table : dict::
- schema : string
- The schema name for the output data.
- table : string
- The table name for the output data.
- column_mapping : dict, optional::
- address1 : string
- The first address line.
- address2 : string
- The second address line.
- city : string
- The city of an address.
- state : string
- The state of an address.
- zip : string
- The zip code of an address.
- name : string
- The full name of the resident at this address. If needed, separate multiple columns with +, e.g. first_name+last_name
- company : string
- The name of the company located at this address.
- use_default_column_mapping : boolean, optional
Defaults to true, where the existing column mapping on the input table will be used. If false, a custom column mapping must be provided.
- perform_ncoa : boolean, optional
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer, optional
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string, optional
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
- limiting_sql : string, optional
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- source : dict::
- database_table : dict::
- schema : string
- The schema name of the source table.
- table : string
- The name of the source table.
- remote_host_id : integer
- The ID of the database host for the table.
- credential_id : integer
- The id of the credentials to be used when performing the enhancement.
- multipart_key : list
- The source table primary key.
- destination : dict::
- database_table : dict::
- schema : string
- The schema name for the output data.
- table : string
- The table name for the output data.
- column_mapping : dict::
- address1 : string
- The first address line.
- address2 : string
- The second address line.
- city : string
- The city of an address.
- state : string
- The state of an address.
- zip : string
- The zip code of an address.
- name : string
- The full name of the resident at this address. If needed, separate multiple columns with +, e.g. first_name+last_name
- company : string
- The name of the company located at this address.
- use_default_column_mapping : boolean
Defaults to true, where the existing column mapping on the input table will be used. If false, a custom column mapping must be provided.
- perform_ncoa : boolean
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- archived : string
The archival status of the requested item(s).
-
patch_civis_data_match
(id, *, name='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', input_field_mapping='DEFAULT', input_table='DEFAULT', input_file_id='DEFAULT', match_target_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Update some attributes of this Civis Data Match Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string, optional
The name of the enhancement job.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- input_field_mapping : dict, optional
The column mapping for the input table/file. See /enhancements/field_mapping for list of valid fields.
- input_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer, optional
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- match_target_id : integer, optional
The ID of the Civis Data match target. See /match_targets for IDs.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer, optional
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table/file. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- match_target_id : integer
The ID of the Civis Data match target. See /match_targets for IDs.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
patch_data_unification
(id, *, name='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', field_mapping1='DEFAULT', table1='DEFAULT', file1_id='DEFAULT', field_mapping2='DEFAULT', table2='DEFAULT', file2_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Update some attributes of this Data Unification Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string, optional
The name of the enhancement job.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- field_mapping1 : dict, optional
The column mapping for Table/File 1. See /enhancements/field_mapping for list of valid fields.
- table1 : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file1_id : integer, optional
The ID for File 1. This should be set if and only if table1, table2, and outputTable are not set.
- field_mapping2 : dict, optional
The column mapping for Table/File 2. See /enhancements/field_mapping for list of valid fields.
- table2 : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file2_id : integer, optional
The ID for File 2. This should be set if and only if table1, table2, and outputTable is not set.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if file1Id and file2Id are set.
- max_matches : integer, optional
The maximum number of matches per record in Table/File 1 to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- field_mapping1 : dict
The column mapping for Table/File 1. See /enhancements/field_mapping for list of valid fields.
- table1 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file1_id : integer
The ID for File 1. This should be set if and only if table1, table2, and outputTable are not set.
- field_mapping2 : dict
The column mapping for Table/File 2. See /enhancements/field_mapping for list of valid fields.
- table2 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file2_id : integer
The ID for File 2. This should be set if and only if table1, table2, and outputTable is not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if file1Id and file2Id are set.
- max_matches : integer
The maximum number of matches per record in Table/File 1 to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
patch_geocode
(id, *, name='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', remote_host_id='DEFAULT', credential_id='DEFAULT', source_schema_and_table='DEFAULT', multipart_key='DEFAULT', limiting_sql='DEFAULT', target_schema='DEFAULT', target_table='DEFAULT', country='DEFAULT', provider='DEFAULT', output_address='DEFAULT')¶ Update some attributes of this Geocode Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string, optional
The name of the enhancement job.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- remote_host_id : integer, optional
The ID of the remote host.
- credential_id : integer, optional
The ID of the remote host credential.
- source_schema_and_table : string, optional
The source database schema and table.
- multipart_key : list, optional
The source table primary key.
- limiting_sql : string, optional
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- target_schema : string, optional
The output table schema.
- target_table : string, optional
The output table name.
- country : string, optional
The country of the addresses to be geocoded; either ‘us’ or ‘ca’.
- provider : string, optional
The geocoding provider; one of postgis, nominatim, and geocoder_ca.
- output_address : boolean, optional
Whether to output the parsed address. Only guaranteed for the ‘postgis’ provider.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- remote_host_id : integer
The ID of the remote host.
- credential_id : integer
The ID of the remote host credential.
- source_schema_and_table : string
The source database schema and table.
- multipart_key : list
The source table primary key.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- target_schema : string
The output table schema.
- target_table : string
The output table name.
- country : string
The country of the addresses to be geocoded; either ‘us’ or ‘ca’.
- provider : string
The geocoding provider; one of postgis, nominatim, and geocoder_ca.
- output_address : boolean
Whether to output the parsed address. Only guaranteed for the ‘postgis’ provider.
- archived : string
The archival status of the requested item(s).
-
patch_person_matching
(id, *, name='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', configuration='DEFAULT')¶ Update some attributes of this Person Matching Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string, optional
The name of the enhancement job.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- configuration : dict, optional::
- task : string
- The type of person matching task. Options are: “table_to_table”, “dedupe_table”, or “table_to_civis_data”.
- source : string
- The input source of your data. Options are: “redshift” or “s3”.
- input_database_name : string
- The Redshift database name for input data.
- input_schema : string
- The schema name for the input data.
- input_table : string
- The table name for the input data.
- input_file_id : string
- The ID of the input S3 file.
- input_field_mapping : string
- The column mapping for the input in JSON or YAML.
- input_file_headers : string
- Provide your headers in a list if the first row of your input does not have the headers, and make them JSON-decodable. For example: [“col1”,”col2”,”col3”].
- target_database_name : string
- The Redshift database for target data.
- target_schema : string
- The schema for target data.
- target_table : string
- The table for target data.
- target_field_mapping : string
- The column mapping for the target in JSON or YAML.
- target_file_id : string
- The ID of the target S3 file.
- match_target_id : integer
- The ID of the match target.
- match_database_name : string
- The Redshift database for the match output table.
- match_schema : string
- The schema for the match output table.
- match_table : string
- The name of the match output table.
- match_csv_filename : string
- The name of the match output file.
- match_source_id_col : string
- The name of the column in the output table that will hold the id from the source for each match.
- match_target_id_col : string
- The name the column in the output table that will hold the id from the target for each match.
- max_matches : integer
- The maximum number of matches to return.
- threshold : number/float
- The score threshold (between 0 and 1).
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- configuration : dict::
- task : string
- The type of person matching task. Options are: “table_to_table”, “dedupe_table”, or “table_to_civis_data”.
- source : string
- The input source of your data. Options are: “redshift” or “s3”.
- input_database_name : string
- The Redshift database name for input data.
- input_schema : string
- The schema name for the input data.
- input_table : string
- The table name for the input data.
- input_file_id : string
- The ID of the input S3 file.
- input_field_mapping : string
- The column mapping for the input in JSON or YAML.
- input_file_headers : string
- Provide your headers in a list if the first row of your input does not have the headers, and make them JSON-decodable. For example: [“col1”,”col2”,”col3”].
- target_database_name : string
- The Redshift database for target data.
- target_schema : string
- The schema for target data.
- target_table : string
- The table for target data.
- target_field_mapping : string
- The column mapping for the target in JSON or YAML.
- target_file_id : string
- The ID of the target S3 file.
- match_target_id : integer
- The ID of the match target.
- match_database_name : string
- The Redshift database for the match output table.
- match_schema : string
- The schema for the match output table.
- match_table : string
- The name of the match output table.
- match_csv_filename : string
- The name of the match output file.
- match_source_id_col : string
- The name of the column in the output table that will hold the id from the source for each match.
- match_target_id_col : string
- The name the column in the output table that will hold the id from the target for each match.
- max_matches : integer
- The maximum number of matches to return.
- threshold : number/float
- The score threshold (between 0 and 1).
-
patch_table_deduplication
(id, *, name='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', input_field_mapping='DEFAULT', input_table='DEFAULT', input_file_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Update some attributes of this Table Deduplication Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string, optional
The name of the enhancement job.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- input_field_mapping : dict, optional
The column mapping for the input table. See /enhancements/field_mapping for list of valid fields.
- input_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer, optional
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer, optional
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
post_cass_ncoa
(name, source, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', destination='DEFAULT', column_mapping='DEFAULT', use_default_column_mapping='DEFAULT', perform_ncoa='DEFAULT', ncoa_credential_id='DEFAULT', output_level='DEFAULT', limiting_sql='DEFAULT')¶ Create a CASS/NCOA Enhancement
Parameters: - name : string
The name of the enhancement job.
- source : dict::
- database_table : dict::
- schema : string
- The schema name of the source table.
- table : string
- The name of the source table.
- remote_host_id : integer
- The ID of the database host for the table.
- credential_id : integer
- The id of the credentials to be used when performing the enhancement.
- multipart_key : list
- The source table primary key.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- destination : dict, optional::
- database_table : dict::
- schema : string
- The schema name for the output data.
- table : string
- The table name for the output data.
- column_mapping : dict, optional::
- address1 : string
- The first address line.
- address2 : string
- The second address line.
- city : string
- The city of an address.
- state : string
- The state of an address.
- zip : string
- The zip code of an address.
- name : string
- The full name of the resident at this address. If needed, separate multiple columns with +, e.g. first_name+last_name
- company : string
- The name of the company located at this address.
- use_default_column_mapping : boolean, optional
Defaults to true, where the existing column mapping on the input table will be used. If false, a custom column mapping must be provided.
- perform_ncoa : boolean, optional
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer, optional
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string, optional
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
- limiting_sql : string, optional
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- source : dict::
- database_table : dict::
- schema : string
- The schema name of the source table.
- table : string
- The name of the source table.
- remote_host_id : integer
- The ID of the database host for the table.
- credential_id : integer
- The id of the credentials to be used when performing the enhancement.
- multipart_key : list
- The source table primary key.
- destination : dict::
- database_table : dict::
- schema : string
- The schema name for the output data.
- table : string
- The table name for the output data.
- column_mapping : dict::
- address1 : string
- The first address line.
- address2 : string
- The second address line.
- city : string
- The city of an address.
- state : string
- The state of an address.
- zip : string
- The zip code of an address.
- name : string
- The full name of the resident at this address. If needed, separate multiple columns with +, e.g. first_name+last_name
- company : string
- The name of the company located at this address.
- use_default_column_mapping : boolean
Defaults to true, where the existing column mapping on the input table will be used. If false, a custom column mapping must be provided.
- perform_ncoa : boolean
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- archived : string
The archival status of the requested item(s).
-
post_cass_ncoa_cancel
(id)¶ Cancel a run
Parameters: - id : integer
The ID of the job.
Returns: - id : integer
The ID of the run.
- state : string
The state of the run, one of ‘queued’, ‘running’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
-
post_cass_ncoa_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the cass_ncoa.
Returns: - id : integer
The ID of the run.
- cass_ncoa_id : integer
The ID of the cass_ncoa.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_civis_data_match
(name, input_field_mapping, match_target_id, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', input_table='DEFAULT', input_file_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Create a Civis Data Match Enhancement
Parameters: - name : string
The name of the enhancement job.
- input_field_mapping : dict
The column mapping for the input table/file. See /enhancements/field_mapping for list of valid fields.
- match_target_id : integer
The ID of the Civis Data match target. See /match_targets for IDs.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- input_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer, optional
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer, optional
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table/file. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- match_target_id : integer
The ID of the Civis Data match target. See /match_targets for IDs.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
post_civis_data_match_cancel
(id)¶ Cancel a run
Parameters: - id : integer
The ID of the job.
Returns: - id : integer
The ID of the run.
- state : string
The state of the run, one of ‘queued’, ‘running’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
-
post_civis_data_match_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the civis_data_match.
Returns: - id : integer
The ID of the run.
- civis_data_match_id : integer
The ID of the civis_data_match.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_data_unification
(name, field_mapping1, field_mapping2, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', table1='DEFAULT', file1_id='DEFAULT', table2='DEFAULT', file2_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Create a Data Unification Enhancement
Parameters: - name : string
The name of the enhancement job.
- field_mapping1 : dict
The column mapping for Table/File 1. See /enhancements/field_mapping for list of valid fields.
- field_mapping2 : dict
The column mapping for Table/File 2. See /enhancements/field_mapping for list of valid fields.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- table1 : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file1_id : integer, optional
The ID for File 1. This should be set if and only if table1, table2, and outputTable are not set.
- table2 : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file2_id : integer, optional
The ID for File 2. This should be set if and only if table1, table2, and outputTable is not set.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if file1Id and file2Id are set.
- max_matches : integer, optional
The maximum number of matches per record in Table/File 1 to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- field_mapping1 : dict
The column mapping for Table/File 1. See /enhancements/field_mapping for list of valid fields.
- table1 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file1_id : integer
The ID for File 1. This should be set if and only if table1, table2, and outputTable are not set.
- field_mapping2 : dict
The column mapping for Table/File 2. See /enhancements/field_mapping for list of valid fields.
- table2 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file2_id : integer
The ID for File 2. This should be set if and only if table1, table2, and outputTable is not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if file1Id and file2Id are set.
- max_matches : integer
The maximum number of matches per record in Table/File 1 to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
post_data_unification_cancel
(id)¶ Cancel a run
Parameters: - id : integer
The ID of the job.
Returns: - id : integer
The ID of the run.
- state : string
The state of the run, one of ‘queued’, ‘running’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
-
post_data_unification_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the data_unification.
Returns: - id : integer
The ID of the run.
- data_unification_id : integer
The ID of the data_unification.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_geocode
(name, remote_host_id, credential_id, source_schema_and_table, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', multipart_key='DEFAULT', limiting_sql='DEFAULT', target_schema='DEFAULT', target_table='DEFAULT', country='DEFAULT', provider='DEFAULT', output_address='DEFAULT')¶ Create a Geocode Enhancement
Parameters: - name : string
The name of the enhancement job.
- remote_host_id : integer
The ID of the remote host.
- credential_id : integer
The ID of the remote host credential.
- source_schema_and_table : string
The source database schema and table.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- multipart_key : list, optional
The source table primary key.
- limiting_sql : string, optional
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- target_schema : string, optional
The output table schema.
- target_table : string, optional
The output table name.
- country : string, optional
The country of the addresses to be geocoded; either ‘us’ or ‘ca’.
- provider : string, optional
The geocoding provider; one of postgis, nominatim, and geocoder_ca.
- output_address : boolean, optional
Whether to output the parsed address. Only guaranteed for the ‘postgis’ provider.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- remote_host_id : integer
The ID of the remote host.
- credential_id : integer
The ID of the remote host credential.
- source_schema_and_table : string
The source database schema and table.
- multipart_key : list
The source table primary key.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- target_schema : string
The output table schema.
- target_table : string
The output table name.
- country : string
The country of the addresses to be geocoded; either ‘us’ or ‘ca’.
- provider : string
The geocoding provider; one of postgis, nominatim, and geocoder_ca.
- output_address : boolean
Whether to output the parsed address. Only guaranteed for the ‘postgis’ provider.
- archived : string
The archival status of the requested item(s).
-
post_geocode_cancel
(id)¶ Cancel a run
Parameters: - id : integer
The ID of the job.
Returns: - id : integer
The ID of the run.
- state : string
The state of the run, one of ‘queued’, ‘running’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
-
post_geocode_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the geocode.
Returns: - id : integer
The ID of the run.
- geocode_id : integer
The ID of the geocode.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_person_matching
(name, configuration, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT')¶ Create a Person Matching Enhancement
Parameters: - name : string
The name of the enhancement job.
- configuration : dict::
- task : string
- The type of person matching task. Options are: “table_to_table”, “dedupe_table”, or “table_to_civis_data”.
- source : string
- The input source of your data. Options are: “redshift” or “s3”.
- input_database_name : string
- The Redshift database name for input data.
- input_schema : string
- The schema name for the input data.
- input_table : string
- The table name for the input data.
- input_file_id : string
- The ID of the input S3 file.
- input_field_mapping : string
- The column mapping for the input in JSON or YAML.
- input_file_headers : string
- Provide your headers in a list if the first row of your input does not have the headers, and make them JSON-decodable. For example: [“col1”,”col2”,”col3”].
- target_database_name : string
- The Redshift database for target data.
- target_schema : string
- The schema for target data.
- target_table : string
- The table for target data.
- target_field_mapping : string
- The column mapping for the target in JSON or YAML.
- target_file_id : string
- The ID of the target S3 file.
- match_target_id : integer
- The ID of the match target.
- match_database_name : string
- The Redshift database for the match output table.
- match_schema : string
- The schema for the match output table.
- match_table : string
- The name of the match output table.
- match_csv_filename : string
- The name of the match output file.
- match_source_id_col : string
- The name of the column in the output table that will hold the id from the source for each match.
- match_target_id_col : string
- The name the column in the output table that will hold the id from the target for each match.
- max_matches : integer
- The maximum number of matches to return.
- threshold : number/float
- The score threshold (between 0 and 1).
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- configuration : dict::
- task : string
- The type of person matching task. Options are: “table_to_table”, “dedupe_table”, or “table_to_civis_data”.
- source : string
- The input source of your data. Options are: “redshift” or “s3”.
- input_database_name : string
- The Redshift database name for input data.
- input_schema : string
- The schema name for the input data.
- input_table : string
- The table name for the input data.
- input_file_id : string
- The ID of the input S3 file.
- input_field_mapping : string
- The column mapping for the input in JSON or YAML.
- input_file_headers : string
- Provide your headers in a list if the first row of your input does not have the headers, and make them JSON-decodable. For example: [“col1”,”col2”,”col3”].
- target_database_name : string
- The Redshift database for target data.
- target_schema : string
- The schema for target data.
- target_table : string
- The table for target data.
- target_field_mapping : string
- The column mapping for the target in JSON or YAML.
- target_file_id : string
- The ID of the target S3 file.
- match_target_id : integer
- The ID of the match target.
- match_database_name : string
- The Redshift database for the match output table.
- match_schema : string
- The schema for the match output table.
- match_table : string
- The name of the match output table.
- match_csv_filename : string
- The name of the match output file.
- match_source_id_col : string
- The name of the column in the output table that will hold the id from the source for each match.
- match_target_id_col : string
- The name the column in the output table that will hold the id from the target for each match.
- max_matches : integer
- The maximum number of matches to return.
- threshold : number/float
- The score threshold (between 0 and 1).
-
post_person_matching_cancel
(id)¶ Cancel a run
Parameters: - id : integer
The ID of the job.
Returns: - id : integer
The ID of the run.
- state : string
The state of the run, one of ‘queued’, ‘running’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
-
post_person_matching_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the person_matching.
Returns: - id : integer
The ID of the run.
- person_matching_id : integer
The ID of the person_matching.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_table_deduplication
(name, input_field_mapping, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', input_table='DEFAULT', input_file_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Create a Table Deduplication Enhancement
Parameters: - name : string
The name of the enhancement job.
- input_field_mapping : dict
The column mapping for the input table. See /enhancements/field_mapping for list of valid fields.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- input_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer, optional
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer, optional
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
post_table_deduplication_cancel
(id)¶ Cancel a run
Parameters: - id : integer
The ID of the job.
Returns: - id : integer
The ID of the run.
- state : string
The state of the run, one of ‘queued’, ‘running’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
-
post_table_deduplication_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the table_deduplication.
Returns: - id : integer
The ID of the run.
- table_deduplication_id : integer
The ID of the table_deduplication.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
put_cass_ncoa
(id, name, source, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', destination='DEFAULT', column_mapping='DEFAULT', use_default_column_mapping='DEFAULT', perform_ncoa='DEFAULT', ncoa_credential_id='DEFAULT', output_level='DEFAULT', limiting_sql='DEFAULT')¶ Replace all attributes of this CASS/NCOA Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- source : dict::
- database_table : dict::
- schema : string
- The schema name of the source table.
- table : string
- The name of the source table.
- remote_host_id : integer
- The ID of the database host for the table.
- credential_id : integer
- The id of the credentials to be used when performing the enhancement.
- multipart_key : list
- The source table primary key.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- destination : dict, optional::
- database_table : dict::
- schema : string
- The schema name for the output data.
- table : string
- The table name for the output data.
- column_mapping : dict, optional::
- address1 : string
- The first address line.
- address2 : string
- The second address line.
- city : string
- The city of an address.
- state : string
- The state of an address.
- zip : string
- The zip code of an address.
- name : string
- The full name of the resident at this address. If needed, separate multiple columns with +, e.g. first_name+last_name
- company : string
- The name of the company located at this address.
- use_default_column_mapping : boolean, optional
Defaults to true, where the existing column mapping on the input table will be used. If false, a custom column mapping must be provided.
- perform_ncoa : boolean, optional
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer, optional
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string, optional
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
- limiting_sql : string, optional
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- source : dict::
- database_table : dict::
- schema : string
- The schema name of the source table.
- table : string
- The name of the source table.
- remote_host_id : integer
- The ID of the database host for the table.
- credential_id : integer
- The id of the credentials to be used when performing the enhancement.
- multipart_key : list
- The source table primary key.
- destination : dict::
- database_table : dict::
- schema : string
- The schema name for the output data.
- table : string
- The table name for the output data.
- column_mapping : dict::
- address1 : string
- The first address line.
- address2 : string
- The second address line.
- city : string
- The city of an address.
- state : string
- The state of an address.
- zip : string
- The zip code of an address.
- name : string
- The full name of the resident at this address. If needed, separate multiple columns with +, e.g. first_name+last_name
- company : string
- The name of the company located at this address.
- use_default_column_mapping : boolean
Defaults to true, where the existing column mapping on the input table will be used. If false, a custom column mapping must be provided.
- perform_ncoa : boolean
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- archived : string
The archival status of the requested item(s).
-
put_cass_ncoa_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- source : dict::
- database_table : dict::
- schema : string
- The schema name of the source table.
- table : string
- The name of the source table.
- remote_host_id : integer
- The ID of the database host for the table.
- credential_id : integer
- The id of the credentials to be used when performing the enhancement.
- multipart_key : list
- The source table primary key.
- destination : dict::
- database_table : dict::
- schema : string
- The schema name for the output data.
- table : string
- The table name for the output data.
- column_mapping : dict::
- address1 : string
- The first address line.
- address2 : string
- The second address line.
- city : string
- The city of an address.
- state : string
- The state of an address.
- zip : string
- The zip code of an address.
- name : string
- The full name of the resident at this address. If needed, separate multiple columns with +, e.g. first_name+last_name
- company : string
- The name of the company located at this address.
- use_default_column_mapping : boolean
Defaults to true, where the existing column mapping on the input table will be used. If false, a custom column mapping must be provided.
- perform_ncoa : boolean
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- archived : string
The archival status of the requested item(s).
-
put_cass_ncoa_projects
(id, project_id)¶ Add a JobTypes::CassNcoa to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_civis_data_match
(id, name, input_field_mapping, match_target_id, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', input_table='DEFAULT', input_file_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Replace all attributes of this Civis Data Match Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- input_field_mapping : dict
The column mapping for the input table/file. See /enhancements/field_mapping for list of valid fields.
- match_target_id : integer
The ID of the Civis Data match target. See /match_targets for IDs.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- input_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer, optional
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer, optional
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table/file. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- match_target_id : integer
The ID of the Civis Data match target. See /match_targets for IDs.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
put_civis_data_match_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table/file. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- match_target_id : integer
The ID of the Civis Data match target. See /match_targets for IDs.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
put_civis_data_match_projects
(id, project_id)¶ Add a container docker to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_data_unification
(id, name, field_mapping1, field_mapping2, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', table1='DEFAULT', file1_id='DEFAULT', table2='DEFAULT', file2_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Replace all attributes of this Data Unification Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- field_mapping1 : dict
The column mapping for Table/File 1. See /enhancements/field_mapping for list of valid fields.
- field_mapping2 : dict
The column mapping for Table/File 2. See /enhancements/field_mapping for list of valid fields.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- table1 : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file1_id : integer, optional
The ID for File 1. This should be set if and only if table1, table2, and outputTable are not set.
- table2 : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file2_id : integer, optional
The ID for File 2. This should be set if and only if table1, table2, and outputTable is not set.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if file1Id and file2Id are set.
- max_matches : integer, optional
The maximum number of matches per record in Table/File 1 to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- field_mapping1 : dict
The column mapping for Table/File 1. See /enhancements/field_mapping for list of valid fields.
- table1 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file1_id : integer
The ID for File 1. This should be set if and only if table1, table2, and outputTable are not set.
- field_mapping2 : dict
The column mapping for Table/File 2. See /enhancements/field_mapping for list of valid fields.
- table2 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file2_id : integer
The ID for File 2. This should be set if and only if table1, table2, and outputTable is not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if file1Id and file2Id are set.
- max_matches : integer
The maximum number of matches per record in Table/File 1 to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
put_data_unification_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- field_mapping1 : dict
The column mapping for Table/File 1. See /enhancements/field_mapping for list of valid fields.
- table1 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file1_id : integer
The ID for File 1. This should be set if and only if table1, table2, and outputTable are not set.
- field_mapping2 : dict
The column mapping for Table/File 2. See /enhancements/field_mapping for list of valid fields.
- table2 : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- file2_id : integer
The ID for File 2. This should be set if and only if table1, table2, and outputTable is not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if file1Id and file2Id are set.
- max_matches : integer
The maximum number of matches per record in Table/File 1 to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
put_data_unification_projects
(id, project_id)¶ Add a container docker to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_geocode
(id, name, remote_host_id, credential_id, source_schema_and_table, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', multipart_key='DEFAULT', limiting_sql='DEFAULT', target_schema='DEFAULT', target_table='DEFAULT', country='DEFAULT', provider='DEFAULT', output_address='DEFAULT')¶ Replace all attributes of this Geocode Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- remote_host_id : integer
The ID of the remote host.
- credential_id : integer
The ID of the remote host credential.
- source_schema_and_table : string
The source database schema and table.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- multipart_key : list, optional
The source table primary key.
- limiting_sql : string, optional
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- target_schema : string, optional
The output table schema.
- target_table : string, optional
The output table name.
- country : string, optional
The country of the addresses to be geocoded; either ‘us’ or ‘ca’.
- provider : string, optional
The geocoding provider; one of postgis, nominatim, and geocoder_ca.
- output_address : boolean, optional
Whether to output the parsed address. Only guaranteed for the ‘postgis’ provider.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- remote_host_id : integer
The ID of the remote host.
- credential_id : integer
The ID of the remote host credential.
- source_schema_and_table : string
The source database schema and table.
- multipart_key : list
The source table primary key.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- target_schema : string
The output table schema.
- target_table : string
The output table name.
- country : string
The country of the addresses to be geocoded; either ‘us’ or ‘ca’.
- provider : string
The geocoding provider; one of postgis, nominatim, and geocoder_ca.
- output_address : boolean
Whether to output the parsed address. Only guaranteed for the ‘postgis’ provider.
- archived : string
The archival status of the requested item(s).
-
put_geocode_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- remote_host_id : integer
The ID of the remote host.
- credential_id : integer
The ID of the remote host credential.
- source_schema_and_table : string
The source database schema and table.
- multipart_key : list
The source table primary key.
- limiting_sql : string
The limiting SQL for the source table. “WHERE” should be omitted (e.g. state=’IL’).
- target_schema : string
The output table schema.
- target_table : string
The output table name.
- country : string
The country of the addresses to be geocoded; either ‘us’ or ‘ca’.
- provider : string
The geocoding provider; one of postgis, nominatim, and geocoder_ca.
- output_address : boolean
Whether to output the parsed address. Only guaranteed for the ‘postgis’ provider.
- archived : string
The archival status of the requested item(s).
-
put_geocode_projects
(id, project_id)¶ Add a JobTypes::Geocode to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_person_matching
(id, name, configuration, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT')¶ Replace all attributes of this Person Matching Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- configuration : dict::
- task : string
- The type of person matching task. Options are: “table_to_table”, “dedupe_table”, or “table_to_civis_data”.
- source : string
- The input source of your data. Options are: “redshift” or “s3”.
- input_database_name : string
- The Redshift database name for input data.
- input_schema : string
- The schema name for the input data.
- input_table : string
- The table name for the input data.
- input_file_id : string
- The ID of the input S3 file.
- input_field_mapping : string
- The column mapping for the input in JSON or YAML.
- input_file_headers : string
- Provide your headers in a list if the first row of your input does not have the headers, and make them JSON-decodable. For example: [“col1”,”col2”,”col3”].
- target_database_name : string
- The Redshift database for target data.
- target_schema : string
- The schema for target data.
- target_table : string
- The table for target data.
- target_field_mapping : string
- The column mapping for the target in JSON or YAML.
- target_file_id : string
- The ID of the target S3 file.
- match_target_id : integer
- The ID of the match target.
- match_database_name : string
- The Redshift database for the match output table.
- match_schema : string
- The schema for the match output table.
- match_table : string
- The name of the match output table.
- match_csv_filename : string
- The name of the match output file.
- match_source_id_col : string
- The name of the column in the output table that will hold the id from the source for each match.
- match_target_id_col : string
- The name the column in the output table that will hold the id from the target for each match.
- max_matches : integer
- The maximum number of matches to return.
- threshold : number/float
- The score threshold (between 0 and 1).
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- configuration : dict::
- task : string
- The type of person matching task. Options are: “table_to_table”, “dedupe_table”, or “table_to_civis_data”.
- source : string
- The input source of your data. Options are: “redshift” or “s3”.
- input_database_name : string
- The Redshift database name for input data.
- input_schema : string
- The schema name for the input data.
- input_table : string
- The table name for the input data.
- input_file_id : string
- The ID of the input S3 file.
- input_field_mapping : string
- The column mapping for the input in JSON or YAML.
- input_file_headers : string
- Provide your headers in a list if the first row of your input does not have the headers, and make them JSON-decodable. For example: [“col1”,”col2”,”col3”].
- target_database_name : string
- The Redshift database for target data.
- target_schema : string
- The schema for target data.
- target_table : string
- The table for target data.
- target_field_mapping : string
- The column mapping for the target in JSON or YAML.
- target_file_id : string
- The ID of the target S3 file.
- match_target_id : integer
- The ID of the match target.
- match_database_name : string
- The Redshift database for the match output table.
- match_schema : string
- The schema for the match output table.
- match_table : string
- The name of the match output table.
- match_csv_filename : string
- The name of the match output file.
- match_source_id_col : string
- The name of the column in the output table that will hold the id from the source for each match.
- match_target_id_col : string
- The name the column in the output table that will hold the id from the target for each match.
- max_matches : integer
- The maximum number of matches to return.
- threshold : number/float
- The score threshold (between 0 and 1).
-
put_person_matching_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- configuration : dict::
- task : string
- The type of person matching task. Options are: “table_to_table”, “dedupe_table”, or “table_to_civis_data”.
- source : string
- The input source of your data. Options are: “redshift” or “s3”.
- input_database_name : string
- The Redshift database name for input data.
- input_schema : string
- The schema name for the input data.
- input_table : string
- The table name for the input data.
- input_file_id : string
- The ID of the input S3 file.
- input_field_mapping : string
- The column mapping for the input in JSON or YAML.
- input_file_headers : string
- Provide your headers in a list if the first row of your input does not have the headers, and make them JSON-decodable. For example: [“col1”,”col2”,”col3”].
- target_database_name : string
- The Redshift database for target data.
- target_schema : string
- The schema for target data.
- target_table : string
- The table for target data.
- target_field_mapping : string
- The column mapping for the target in JSON or YAML.
- target_file_id : string
- The ID of the target S3 file.
- match_target_id : integer
- The ID of the match target.
- match_database_name : string
- The Redshift database for the match output table.
- match_schema : string
- The schema for the match output table.
- match_table : string
- The name of the match output table.
- match_csv_filename : string
- The name of the match output file.
- match_source_id_col : string
- The name of the column in the output table that will hold the id from the source for each match.
- match_target_id_col : string
- The name the column in the output table that will hold the id from the target for each match.
- max_matches : integer
- The maximum number of matches to return.
- threshold : number/float
- The score threshold (between 0 and 1).
-
put_person_matching_projects
(id, project_id)¶ Add a container docker to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_table_deduplication
(id, name, input_field_mapping, *, schedule='DEFAULT', parent_id='DEFAULT', notifications='DEFAULT', input_table='DEFAULT', input_file_id='DEFAULT', output_table='DEFAULT', output_filename='DEFAULT', max_matches='DEFAULT', threshold='DEFAULT')¶ Replace all attributes of this Table Deduplication Enhancement
Parameters: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- input_field_mapping : dict
The column mapping for the input table. See /enhancements/field_mapping for list of valid fields.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
Parent ID that triggers this enhancement.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- input_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer, optional
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict, optional::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string, optional
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer, optional
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float, optional
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
put_table_deduplication_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the enhancement.
- name : string
The name of the enhancement job.
- type : string
The type of the enhancement (e.g CASS-NCOA)
- created_at : string/time
The time this enhancement was created.
- updated_at : string/time
The time the enhancement was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the enhancement’s last run
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
Parent ID that triggers this enhancement.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- input_field_mapping : dict
The column mapping for the input table. See /enhancements/field_mapping for list of valid fields.
- input_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- input_file_id : integer
The ID for the input file. This should be set if and only if inputTable and outputTable are not set.
- output_table : dict::
- database_name : string
- The Redshift database name for the table.
- schema : string
- The schema name for the table.
- table : string
- The table name.
- output_filename : string
The name of the output file. This should be set if and only if inputFileId is set.
- max_matches : integer
The maximum number of matches per record in the input table/file to return. Must be between 0 and 10. 0 returns all matches.
- threshold : number/float
The score threshold (between 0 and 1). Matches below this threshold will not be returned.
-
put_table_deduplication_projects
(id, project_id)¶ Add a container docker to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Exports¶
-
class
Exports
(session_kwargs, return_type='civis')¶ Methods
-
list
(*, type='DEFAULT', author='DEFAULT', status='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List
Parameters: - type : string, optional
If specified, return exports of these types. It accepts a comma-separated list, possible values are ‘database’ and ‘gdoc’.
- author : string, optional
If specified, return exports from this author. It accepts a comma-separated list of author ids.
- status : string, optional
If specified, returns export with one of these statuses. It accepts a comma-separated list, possible values are ‘running’, ‘failed’, ‘succeeded’, ‘idle’, ‘scheduled’.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at, last_run.updated_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for this export.
- name : string
The name of this export.
- type : string
The type of export.
- created_at : string/time
The creation time for this export.
- updated_at : string/time
The last modification time for this export.
- state : string
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
-
Files¶
-
class
Files
(session_kwargs, return_type='civis')¶ Methods
-
delete_projects
(id, project_id)¶ Remove a Data::S3File from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id, *, link_expires_at='DEFAULT', inline='DEFAULT')¶ Get details about a file
Parameters: - id : integer
The ID of the file.
- link_expires_at : string, optional
The date and time the download link will expire. Must be a time between now and 36 hours from now. Defaults to 30 minutes from now.
- inline : boolean, optional
If true, will return a url that can be displayed inline in HTML
Returns: - id : integer
The ID of the file.
- name : string
The file name.
- created_at : string/date-time
The date and time the file was created.
- file_size : integer
The file size.
- expires_at : string/date-time
The date and time the file will expire. If not specified, the file will expire in 30 days. To keep a file indefinitely, specify null.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- download_url : string
A JSON string containing information about the URL of the file.
- file_url : string
The URL that may be used to download the file.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a Data::S3File belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
post
(name, *, expires_at='DEFAULT')¶ Initiate an upload of a file into the platform
Parameters: - name : string
The file name.
- expires_at : string/date-time, optional
The date and time the file will expire. If not specified, the file will expire in 30 days. To keep a file indefinitely, specify null.
Returns: - id : integer
The ID of the file.
- name : string
The file name.
- created_at : string/date-time
The date and time the file was created.
- file_size : integer
The file size.
- expires_at : string/date-time
The date and time the file will expire. If not specified, the file will expire in 30 days. To keep a file indefinitely, specify null.
- upload_url : string
The URL that may be used to upload a file. To use the upload URL, initiate a POST request to the given URL with the file you wish to import as the “file” form field.
- upload_fields : dict
A hash containing the form fields to be included with the POST request.
-
post_multipart
(name, num_parts, *, expires_at='DEFAULT')¶ Initiate a multipart upload
Parameters: - name : string
The file name.
- num_parts : integer
The number of parts in which the file will be uploaded. This parameter determines the number of presigned URLs that are returned.
- expires_at : string/date-time, optional
The date and time the file will expire. If not specified, the file will expire in 30 days. To keep a file indefinitely, specify null.
Returns: - id : integer
The ID of the file.
- name : string
The file name.
- created_at : string/date-time
The date and time the file was created.
- file_size : integer
The file size.
- expires_at : string/date-time
The date and time the file will expire. If not specified, the file will expire in 30 days. To keep a file indefinitely, specify null.
- upload_urls : list
An array of URLs that may be used to upload file parts. Use separate PUT requests to complete the part uploads. Links expire after 12 hours.
-
post_multipart_complete
(id)¶ Complete a multipart upload
Parameters: - id : integer
The ID of the file.
Returns: - None
Response code 204: success
-
put_projects
(id, project_id)¶ Add a Data::S3File to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Groups¶
-
class
Groups
(session_kwargs, return_type='civis')¶ Methods
-
list
(*, query='DEFAULT', permission='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Groups
Parameters: - query : string, optional
If specified, it will filter the groups returned. Prefix matching is supported (e.g., “query=group” will return “group” and “group of people”, but not “my group”.
- permission : string, optional
A permissions string, one of “read”, “write”, or “manage”. Lists only groups for which the current user has that permission.
- limit : integer, optional
Number of results to return. Defaults to 50. Maximum allowed is 1000.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to name. Must be one of: name, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of this group.
- name : string
This group’s name.
- created_at : string/time
The date and time when this group was created.
- slug : string
The slug for this group.
- organization_id : integer
The organization associated with this group.
-
Imports¶
-
class
Imports
(session_kwargs, return_type='civis')¶ Methods
-
delete_files_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the import.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
-
delete_projects
(id, project_id)¶ Remove a JobTypes::Import from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Get details about an import
Parameters: - id : integer
The ID for the import.
Returns: - name : string
The name of the import.
- sync_type : string
The type of sync to perform; one of Dbsync, AutoImport, SilverpopDataImport, SilverpopContactImport, GdocImport, GdocExport, and Salesforce.
- source : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- destination : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- parent_id : integer
Parent id to trigger this import from
- id : integer
The ID for the import.
- is_outbound : boolean
- job_type : string
The job type of this import.
- syncs : list::
List of syncs. - id : integer - source : dict:
- id : integer The ID of the table or file, if available. - path : string The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop - database_table : dict:: - schema : string The database schema name. - table : string The database table name. - use_without_schema : boolean If true, the table has no schema. Defaults to false. - file : dict:: - id : integer The file id. - google_worksheet : dict:: - spreadsheet : string The spreadsheet document name. - worksheet : string The worksheet tab name. - salesforce : dict:: - object_name : string The Salesforce object name. - silverpop : dict:: - list_id : integer The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
- state : string
- created_at : string/date-time
- updated_at : string/date-time
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this import.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
-
get_batches
(id)¶ Get details about a batch import
Parameters: - id : integer
The ID for the import.
Returns: - id : integer
The ID for the import.
- schema : string
The destination schema name. This schema must already exist in Redshift.
- table : string
The destination table name, without the schema prefix. This table must already exist in Redshift.
- remote_host_id : integer
The ID of the destination database host.
- state : string
The state of the run; one of “queued”, “running”, “succeeded”, “failed”, or “cancelled”.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error returned by the run, if any.
- hidden : boolean
The hidden status of the item.
-
get_files_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the import.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- import_id : integer
The ID of the import.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list
(*, type='DEFAULT', author='DEFAULT', destination='DEFAULT', source='DEFAULT', status='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List
Parameters: - type : string, optional
If specified, return imports of these types. It accepts a comma-separated list, possible values are ‘AutoImport’, ‘DbSync’, ‘Salesforce’, ‘GdocImport’.
- author : string, optional
If specified, return imports from this author. It accepts a comma-separated list of author ids.
- destination : string, optional
If specified, returns imports with one of these destinations. It accepts a comma-separated list of remote host ids.
- source : string, optional
If specified, returns imports with one of these sources. It accepts a comma-separated list of remote host ids. ‘DbSync’ must be specified for ‘type’.
- status : string, optional
If specified, returns imports with one of these statuses. It accepts a comma-separated list, possible values are ‘running’, ‘failed’, ‘succeeded’, ‘idle’, ‘scheduled’.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at, last_run.updated_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - name : string
The name of the import.
- sync_type : string
The type of sync to perform; one of Dbsync, AutoImport, SilverpopDataImport, SilverpopContactImport, GdocImport, GdocExport, and Salesforce.
- source : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- destination : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- id : integer
The ID for the import.
- is_outbound : boolean
- job_type : string
The job type of this import.
- state : string
- created_at : string/date-time
- updated_at : string/date-time
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this import.
- archived : string
The archival status of the requested item(s).
-
list_batches
(*, hidden='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List batch imports
Parameters: - hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for the import.
- schema : string
The destination schema name. This schema must already exist in Redshift.
- table : string
The destination table name, without the schema prefix. This table must already exist in Redshift.
- remote_host_id : integer
The ID of the destination database host.
- state : string
The state of the run; one of “queued”, “running”, “succeeded”, “failed”, or “cancelled”.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error returned by the run, if any.
-
list_files_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given import
Parameters: - id : integer
The ID of the import.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- import_id : integer
The ID of the import.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_files_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the import.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a JobTypes::Import belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_runs
(id)¶ Get the run history of this import
Parameters: - id : integer
Returns: - id : integer
- state : string
- created_at : string/time
The time that the run was queued.
- started_at : string/time
The time that the run started.
- finished_at : string/time
The time that the run completed.
- error : string
The error message for this run, if present.
-
list_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the import.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
post
(name, sync_type, is_outbound, *, source='DEFAULT', destination='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', parent_id='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', hidden='DEFAULT')¶ Create a new import configuration
Parameters: - name : string
The name of the import.
- sync_type : string
The type of sync to perform; one of Dbsync, AutoImport, SilverpopDataImport, SilverpopContactImport, GdocImport, GdocExport, and Salesforce.
- is_outbound : boolean
- source : dict, optional::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- destination : dict, optional::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- parent_id : integer, optional
Parent id to trigger this import from
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this import.
- hidden : boolean, optional
The hidden status of the item.
Returns: - name : string
The name of the import.
- sync_type : string
The type of sync to perform; one of Dbsync, AutoImport, SilverpopDataImport, SilverpopContactImport, GdocImport, GdocExport, and Salesforce.
- source : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- destination : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- parent_id : integer
Parent id to trigger this import from
- id : integer
The ID for the import.
- is_outbound : boolean
- job_type : string
The job type of this import.
- syncs : list::
List of syncs. - id : integer - source : dict:
- id : integer The ID of the table or file, if available. - path : string The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop - database_table : dict:: - schema : string The database schema name. - table : string The database table name. - use_without_schema : boolean If true, the table has no schema. Defaults to false. - file : dict:: - id : integer The file id. - google_worksheet : dict:: - spreadsheet : string The spreadsheet document name. - worksheet : string The worksheet tab name. - salesforce : dict:: - object_name : string The Salesforce object name. - silverpop : dict:: - list_id : integer The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
- state : string
- created_at : string/date-time
- updated_at : string/date-time
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this import.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
-
post_batches
(file_ids, schema, table, remote_host_id, credential_id, *, column_delimiter='DEFAULT', first_row_is_header='DEFAULT', compression='DEFAULT', hidden='DEFAULT')¶ Upload multiple files to Redshift
Parameters: - file_ids : list
The file IDs for the import.
- schema : string
The destination schema name. This schema must already exist in Redshift.
- table : string
The destination table name, without the schema prefix. This table must already exist in Redshift.
- remote_host_id : integer
The ID of the destination database host.
- credential_id : integer
The ID of the credentials to be used when performing the database import.
- column_delimiter : string, optional
The column delimiter for the file. Valid arguments are “comma”, “tab”, and “pipe”. If unspecified, defaults to “comma”.
- first_row_is_header : boolean, optional
A boolean value indicating whether or not the first row is a header row. If unspecified, defaults to false.
- compression : string, optional
The type of compression. Valid arguments are “gzip”, “zip”, and “none”. If unspecified, defaults to “gzip”.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The ID for the import.
- schema : string
The destination schema name. This schema must already exist in Redshift.
- table : string
The destination table name, without the schema prefix. This table must already exist in Redshift.
- remote_host_id : integer
The ID of the destination database host.
- state : string
The state of the run; one of “queued”, “running”, “succeeded”, “failed”, or “cancelled”.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error returned by the run, if any.
- hidden : boolean
The hidden status of the item.
-
post_cancel
(id)¶ Cancel a run
Parameters: - id : integer
The ID of the job.
Returns: - id : integer
The ID of the run.
- state : string
The state of the run, one of ‘queued’, ‘running’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
-
post_files
(schema, name, remote_host_id, credential_id, *, max_errors='DEFAULT', existing_table_rows='DEFAULT', diststyle='DEFAULT', distkey='DEFAULT', sortkey1='DEFAULT', sortkey2='DEFAULT', column_delimiter='DEFAULT', first_row_is_header='DEFAULT', multipart='DEFAULT', escaped='DEFAULT', hidden='DEFAULT')¶ Initate an import of a tabular file into the platform
Parameters: - schema : string
The schema of the destination table.
- name : string
The name of the destination table.
- remote_host_id : integer
The id of the destination database host.
- credential_id : integer
The id of the credentials to be used when performing the database import.
- max_errors : integer, optional
The maximum number of rows with errors to remove from the import before failing.
- existing_table_rows : string, optional
The behaviour if a table with the requested name already exists. One of “fail”, “truncate”, “append”, or “drop”.Defaults to “fail”.
- diststyle : string, optional
The diststyle to use for the table. One of “even”, “all”, or “key”.
- distkey : string, optional
The column to use as the distkey for the table.
- sortkey1 : string, optional
The column to use as the sort key for the table.
- sortkey2 : string, optional
The second column in a compound sortkey for the table.
- column_delimiter : string, optional
The column delimiter of the file. If column_delimiter is null or omitted, it will be auto-detected. Valid arguments are “comma”, “tab”, and “pipe”.
- first_row_is_header : boolean, optional
A boolean value indicating whether or not the first row is a header row. If first_row_is_header is null or omitted, it will be auto-detected.
- multipart : boolean, optional
If true, the upload URI will require a multipart/form-data POST request. Defaults to false.
- escaped : boolean, optional
If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The id of the import.
- upload_uri : string
The URI which may be used to upload a tabular file for import. You must use this URI to upload the file you wish imported and then inform the Civis API when your upload is complete using the URI given by the runUri field of this response.
- run_uri : string
The URI to POST to once the file upload is complete. After uploading the file using the URI given in the uploadUri attribute of the response, POST to this URI to initiate the import of your uploaded file into the platform.
- upload_fields : dict
If multipart was set to true, these fields should be included in the multipart upload.
-
post_files_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the import.
Returns: - id : integer
The ID of the run.
- import_id : integer
The ID of the import.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_runs
(id)¶ Run an import
Parameters: - id : integer
The ID of the import to run.
Returns: - run_id : integer
The ID of the new run triggered.
-
post_syncs
(id, source, destination, *, advanced_options='DEFAULT')¶ Create a sync
Parameters: - id : integer
- source : dict::
- path : string
- The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- file : dict
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- salesforce : dict::
- object_name : string
- The Salesforce object name.
- silverpop : dict::
- list_id : integer
- The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict, optional::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
Returns: - id : integer
- source : dict::
- id : integer
- The ID of the table or file, if available.
- path : string
- The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- file : dict::
- id : integer
- The file id.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- salesforce : dict::
- object_name : string
- The Salesforce object name.
- silverpop : dict::
- list_id : integer
- The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
-
put
(id, name, sync_type, is_outbound, *, source='DEFAULT', destination='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', parent_id='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT')¶ Update an import
Parameters: - id : integer
The ID for the import.
- name : string
The name of the import.
- sync_type : string
The type of sync to perform; one of Dbsync, AutoImport, SilverpopDataImport, SilverpopContactImport, GdocImport, GdocExport, and Salesforce.
- is_outbound : boolean
- source : dict, optional::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- destination : dict, optional::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- parent_id : integer, optional
Parent id to trigger this import from
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this import.
Returns: - name : string
The name of the import.
- sync_type : string
The type of sync to perform; one of Dbsync, AutoImport, SilverpopDataImport, SilverpopContactImport, GdocImport, GdocExport, and Salesforce.
- source : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- destination : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- parent_id : integer
Parent id to trigger this import from
- id : integer
The ID for the import.
- is_outbound : boolean
- job_type : string
The job type of this import.
- syncs : list::
List of syncs. - id : integer - source : dict:
- id : integer The ID of the table or file, if available. - path : string The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop - database_table : dict:: - schema : string The database schema name. - table : string The database table name. - use_without_schema : boolean If true, the table has no schema. Defaults to false. - file : dict:: - id : integer The file id. - google_worksheet : dict:: - spreadsheet : string The spreadsheet document name. - worksheet : string The worksheet tab name. - salesforce : dict:: - object_name : string The Salesforce object name. - silverpop : dict:: - list_id : integer The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
- state : string
- created_at : string/date-time
- updated_at : string/date-time
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this import.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
-
put_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - name : string
The name of the import.
- sync_type : string
The type of sync to perform; one of Dbsync, AutoImport, SilverpopDataImport, SilverpopContactImport, GdocImport, GdocExport, and Salesforce.
- source : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- destination : dict::
- remote_host_id : integer
- credential_id : integer
- additional_credentials : list
- Array that holds additional credentials used for specific imports. For salesforce imports, the first and only element is the client credential id.
- name : string
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- parent_id : integer
Parent id to trigger this import from
- id : integer
The ID for the import.
- is_outbound : boolean
- job_type : string
The job type of this import.
- syncs : list::
List of syncs. - id : integer - source : dict:
- id : integer The ID of the table or file, if available. - path : string The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop - database_table : dict:: - schema : string The database schema name. - table : string The database table name. - use_without_schema : boolean If true, the table has no schema. Defaults to false. - file : dict:: - id : integer The file id. - google_worksheet : dict:: - spreadsheet : string The spreadsheet document name. - worksheet : string The worksheet tab name. - salesforce : dict:: - object_name : string The Salesforce object name. - silverpop : dict:: - list_id : integer The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
- state : string
- created_at : string/date-time
- updated_at : string/date-time
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this import.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
-
put_projects
(id, project_id)¶ Add a JobTypes::Import to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_syncs
(id, sync_id, source, destination, *, advanced_options='DEFAULT')¶ Update a sync
Parameters: - id : integer
The ID of the import to fetch.
- sync_id : integer
The ID of the sync to fetch.
- source : dict::
- path : string
- The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- file : dict
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- salesforce : dict::
- object_name : string
- The Salesforce object name.
- silverpop : dict::
- list_id : integer
- The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict, optional::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
Returns: - id : integer
- source : dict::
- id : integer
- The ID of the table or file, if available.
- path : string
- The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- file : dict::
- id : integer
- The file id.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- salesforce : dict::
- object_name : string
- The Salesforce object name.
- silverpop : dict::
- list_id : integer
- The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
-
put_syncs_archive
(id, sync_id, *, status='DEFAULT')¶ Update the archive status of this sync
Parameters: - id : integer
The ID of the import to fetch.
- sync_id : integer
The ID of the sync to fetch.
- status : boolean, optional
The desired archived status of the sync.
Returns: - id : integer
- source : dict::
- id : integer
- The ID of the table or file, if available.
- path : string
- The path of the dataset to sync from; for a database source, schema.tablename. If you are doing a Google Sheet export, this can be blank. This is a legacy parameter, it is recommended you use one of the following: databaseTable, file, googleWorksheet, salesforce, silverpop
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- file : dict::
- id : integer
- The file id.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- salesforce : dict::
- object_name : string
- The Salesforce object name.
- silverpop : dict::
- list_id : integer
- The Silverpop list id.
- destination : dict::
- path : string
- The schema.tablename to sync to. If you are doing a Google Sheet export, this is the spreadsheet and sheet name separated by a period. i.e. if you have a spreadsheet named “MySpreadsheet” and a sheet called “Sheet1” this field would be “MySpreadsheet.Sheet1”. This is a legacy parameter, it is recommended you use one of the following: databaseTable, googleWorksheet
- database_table : dict::
- schema : string
- The database schema name.
- table : string
- The database table name.
- use_without_schema : boolean
- If true, the table has no schema. Defaults to false.
- google_worksheet : dict::
- spreadsheet : string
- The spreadsheet document name.
- worksheet : string
- The worksheet tab name.
- advanced_options : dict::
- max_errors : integer
- existing_table_rows : string
- diststyle : string
- distkey : string
- sortkey1 : string
- sortkey2 : string
- column_delimiter : string
- column_overrides : dict
- Hash used for overriding auto-detected names and types, with keys being the index of the column being overridden.
- escaped : boolean
- If true, escape quotes with a backslash; otherwise, escape quotes by double-quoting. Defaults to false.
- identity_column : string
- row_chunk_size : integer
- wipe_destination_table : boolean
- truncate_long_lines : boolean
- invalid_char_replacement : string
- verify_table_row_counts : boolean
- partition_column_name : string
- partition_schema_name : string
- partition_table_name : string
- partition_table_partition_column_min_name : string
- partition_table_partition_column_max_name : string
- last_modified_column : string
- mysql_catalog_matches_schema : boolean
- chunking_method : string
- The method used to break the data into smaller chunks for transfer. The value can be set to sorted_by_identity_columns or if not set the chunking method will be choosen automatically.
- first_row_is_header : boolean
- export_action : string
- The kind of export action you want to have the export execute. Set to “newsprsht” if you want a new worksheet inside a new spreadsheet. Set to “newwksht” if you want a new worksheet inside an existing spreadsheet. Set to “updatewksht” if you want to overwrite an existing worksheet inside an existing spreadsheet. Set to “appendwksht” if you want to append to the end of an existing worksheet inside an existing spreadsheet.
- sql_query : string
- If you are doing a Google Sheet export, this is your SQL query.
- contact_lists : string
- soql_query : string
-
Jobs¶
-
class
Jobs
(session_kwargs, return_type='civis')¶ Methods
-
delete_projects
(id, project_id)¶ Remove a Job from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the Job.
- run_id : integer
The ID of the Run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Show basic job info
Parameters: - id : integer
The ID for this job.
Returns: - id : integer
- name : string
- type : string
- from_template_id : integer
- state : string
Whether the job is idle, queued, running, cancelled, or failed.
- created_at : string/date-time
- updated_at : string/date-time
- runs : list::
Information about the most recent runs of the job. - id : integer - state : string - created_at : string/time
The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
-
get_runs
(id, run_id)¶ Check status of a job
Parameters: - id : integer
The ID of the Job.
- run_id : integer
The ID of the Run.
Returns: - id : integer
- state : string
- created_at : string/time
The time that the run was queued.
- started_at : string/time
The time that the run started.
- finished_at : string/time
The time that the run completed.
- error : string
The error message for this run, if present.
-
list
(*, state='DEFAULT', type='DEFAULT', q='DEFAULT', permission='DEFAULT', scheduled='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List
Parameters: - state : string, optional
The job’s state. One or more of queued, running, succeeded, failed, and cancelled. Specify multiple values as a comma-separated list (e.g., “A,B”).
- type : string, optional
The job’s type. Specify multiple values as a comma-separated list (e.g., “A,B”).
- q : string, optional
Query string to search on the id, name, and job type.
- permission : string, optional
A permissions string, one of “read”, “write”, or “manage”. Lists only jobs for which the current user has that permission.
- scheduled : boolean, optional
If the item is scheduled.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
- name : string
- type : string
- from_template_id : integer
- state : string
Whether the job is idle, queued, running, cancelled, or failed.
- created_at : string/date-time
- updated_at : string/date-time
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
-
list_children
(id)¶ Show nested tree of children that this job triggers
Parameters: - id : integer
The ID for this job.
Returns: - id : integer
- name : string
- type : string
- from_template_id : integer
- state : string
- created_at : string/date-time
- updated_at : string/date-time
- runs : list::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- children : list
-
list_parents
(id)¶ Show chain of parents as a list that this job triggers from
Parameters: - id : integer
The ID for this job.
Returns: - id : integer
- name : string
- type : string
- from_template_id : integer
- state : string
Whether the job is idle, queued, running, cancelled, or failed.
- created_at : string/date-time
- updated_at : string/date-time
- runs : list::
Information about the most recent runs of the job. - id : integer - state : string - created_at : string/time
The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a Job belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the job.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_workflows
(id, *, archived='DEFAULT')¶ List the workflows a job belongs to
Parameters: - id : integer
- archived : string, optional
The archival status of the requested item(s).
Returns: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string
A description of the workflow.
- valid : boolean
The validity of the workflow definition.
- file_id : string
The file id for the s3 file containing the workflow configuration.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The state of the workflow. State is “running” if any execution is running, otherwise reflects most recent execution state.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string
The time zone of this workflow.
- next_execution_at : string/time
The time of the next scheduled execution.
- archived : string
The archival status of the requested item(s).
- created_at : string/time
- updated_at : string/time
-
post_runs
(id)¶ Run a job
Parameters: - id : integer
The ID for this job.
Returns: - id : integer
- state : string
- created_at : string/time
The time that the run was queued.
- started_at : string/time
The time that the run started.
- finished_at : string/time
The time that the run completed.
- error : string
The error message for this run, if present.
-
post_trigger_email
(id)¶ Generate and retrieve trigger email address
Parameters: - id : integer
The ID for this job.
Returns: - trigger_email : string
Email address which may be used to trigger this job to run.
-
put_projects
(id, project_id)¶ Add a Job to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Match_Targets¶
-
civis.resources._resources.
Match_Targets
¶ alias of
civis.resources._resources.MatchTargets
Media¶
-
class
Media
(session_kwargs, return_type='civis')¶ Methods
-
delete_optimizations_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the optimization.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get_optimizations
(id)¶ Show a single optimization
Parameters: - id : integer
The optimization ID.
Returns: - id : integer
The optimization ID.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of the optimization.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- spot_order_id : integer
The ID for the spot order produced by the optimization.
- archived : string
The archival status of the requested item(s).
- report_link : string
A link to the visual report for the optimization.
- spot_order_link : string
A link to the json version of the spot order.
- file_links : list
Links to the csv and xml versions of the spot order.
- runs : list::
The runs of the optimization. - market_id : integer
The market ID.
- start_date : string/date
The start date for the media run.
- end_date : string/date
The end date for the media run.
- force_cpm : boolean
Whether to force optimization to use CPM data even if partition data is available.
- reach_alpha : number/float
A tuning parameter used to adjust RF.
- syscodes : list
The syscodes for the media run.
- rate_cards : list
The ratecards for the media run.
- constraints : list::
The constraints for the media run. - targets : list
The targets to constrain.
- budget : number/float
- The maximum budget for these targets.
- frequency : number/float
- The maximum frequency for these targets.
- programs : list
An array of programs that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_programs is not also set.
- networks : list
An array of networks that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_networks is not also set.
- exclude_programs : boolean
If Civis Media Optimizer should exclude the programs in the programs parameter.If this value is set to false, it will make the optimization limit itself to the programs supplied through the programs parameter.An error will be thrown if programs is not also set.
- exclude_networks : boolean
If Civis Media Optimizer should exclude the networks in the networks parameter.If this value is set to false, it will make the optimization limit itself to the networks supplied through the networks.An error will be thrown if networks is not also set.
- time_slot_percentages : dict
The maximum amount of the budget spent on that particular day of the week, daypart, or specific time slot for broadcast and cable.
-
get_optimizations_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the optimization.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- optimization_id : integer
The ID of the optimization.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_ratecards
(id)¶ Get a Ratecard
Parameters: - id : integer
Returns: - id : integer
The ratecard ID.
- filename : string
Name of the ratecard file.
- start_on : string/date
First day to which the ratecard applies.
- end_on : string/date
Last day to which the ratecard applies.
- dma_number : integer
Number of the DMA associated with the ratecard.
- archived : string
The archival status of the requested item(s).
-
get_spot_orders
(id)¶ Show a single spot order
Parameters: - id : integer
The ID for the spot order.
Returns: - id : integer
The ID for the spot order.
- archived : string
The archival status of the requested item(s).
- csv_s3_uri : string
S3 URI for the spot order CSV file.
- json_s3_uri : string
S3 URI for the spot order JSON file.
- xml_archive_s3_uri : string
S3 URI for the spot order XML archive.
- last_transform_job_id : integer
ID of the spot order transformation job.
-
list_dmas
(*, name='DEFAULT', number='DEFAULT')¶ List all Designated Market Areas
Parameters: - name : string, optional
If specified, will be used to filter the DMAs returned. Substring matching is supported with “%” and “*” wildcards (e.g., “name=%region%” will return both “region1” and “my region”).
- number : integer, optional
If specified, will be used to filter the DMAS by number.
Returns: - name : string
Name for the DMA region.
- number : integer
Identifier number for a DMA.
-
list_optimizations
(*, archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List all optimizations
Parameters: - archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, author, name.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The optimization ID.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of the optimization.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- spot_order_id : integer
The ID for the spot order produced by the optimization.
- archived : string
The archival status of the requested item(s).
-
list_optimizations_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given optimization
Parameters: - id : integer
The ID of the optimization.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- optimization_id : integer
The ID of the optimization.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_optimizations_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the optimization.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_ratecards
(*, archived='DEFAULT', filename='DEFAULT', dma_number='DEFAULT')¶ List all ratecards
Parameters: - archived : string, optional
The archival status of the requested item(s).
- filename : string, optional
If specified, will be used to filter the ratecards returned. Substring matching is supported with “%” and “*” wildcards (e.g., “filename=%ratecard%” will return both “ratecard 1” and “my ratecard”).
- dma_number : integer, optional
If specified, will be used to filter the ratecards by DMA.
Returns: - id : integer
The ratecard ID.
- filename : string
Name of the ratecard file.
- start_on : string/date
First day to which the ratecard applies.
- end_on : string/date
Last day to which the ratecard applies.
- dma_number : integer
Number of the DMA associated with the ratecard.
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_spot_orders
(*, id='DEFAULT', archived='DEFAULT')¶ List all spot orders
Parameters: - id : integer, optional
The ID for the spot order.
- archived : string, optional
The archival status of the requested item(s).
Returns: - id : integer
The ID for the spot order.
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_targets
(*, name='DEFAULT', identifier='DEFAULT', data_source='DEFAULT')¶ List all Media Targets
Parameters: - name : string, optional
The name of the target.
- identifier : string, optional
A unique identifier for this target.
- data_source : string, optional
The source of viewership data for this target.
Returns: - name : string
The name of the target.
- identifier : string
A unique identifier for this target.
- data_source : string
The source of viewership data for this target.
-
patch_optimizations
(id, *, name='DEFAULT', runs='DEFAULT', programs='DEFAULT', networks='DEFAULT', exclude_programs='DEFAULT', exclude_networks='DEFAULT', time_slot_percentages='DEFAULT')¶ Edit an existing optimization
Parameters: - id : integer
The optimization ID.
- name : string, optional
The name of the optimization.
- runs : list, optional::
The runs of the optimization. - market_id : integer
The market ID.
- start_date : string/date
The start date for the media run.
- end_date : string/date
The end date for the media run.
- force_cpm : boolean
Whether to force optimization to use CPM data even if partition data is available.
- reach_alpha : number/float
A tuning parameter used to adjust RF.
- syscodes : list
The syscodes for the media run.
- rate_cards : list
The ratecards for the media run.
- constraints : list::
The constraints for the media run. - targets : list
The targets to constrain.
- budget : number/float
- The maximum budget for these targets.
- frequency : number/float
- The maximum frequency for these targets.
- programs : list, optional
An array of programs that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_programs is not also set.
- networks : list, optional
An array of networks that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_networks is not also set.
- exclude_programs : boolean, optional
If Civis Media Optimizer should exclude the programs in the programs parameter.If this value is set to false, it will make the optimization limit itself to the programs supplied through the programs parameter.An error will be thrown if programs is not also set.
- exclude_networks : boolean, optional
If Civis Media Optimizer should exclude the networks in the networks parameter.If this value is set to false, it will make the optimization limit itself to the networks supplied through the networks.An error will be thrown if networks is not also set.
- time_slot_percentages : dict, optional
The maximum amount of the budget spent on that particular day of the week, daypart, or specific time slot for broadcast and cable.
Returns: - id : integer
The optimization ID.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of the optimization.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- spot_order_id : integer
The ID for the spot order produced by the optimization.
- archived : string
The archival status of the requested item(s).
- report_link : string
A link to the visual report for the optimization.
- spot_order_link : string
A link to the json version of the spot order.
- file_links : list
Links to the csv and xml versions of the spot order.
- runs : list::
The runs of the optimization. - market_id : integer
The market ID.
- start_date : string/date
The start date for the media run.
- end_date : string/date
The end date for the media run.
- force_cpm : boolean
Whether to force optimization to use CPM data even if partition data is available.
- reach_alpha : number/float
A tuning parameter used to adjust RF.
- syscodes : list
The syscodes for the media run.
- rate_cards : list
The ratecards for the media run.
- constraints : list::
The constraints for the media run. - targets : list
The targets to constrain.
- budget : number/float
- The maximum budget for these targets.
- frequency : number/float
- The maximum frequency for these targets.
- programs : list
An array of programs that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_programs is not also set.
- networks : list
An array of networks that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_networks is not also set.
- exclude_programs : boolean
If Civis Media Optimizer should exclude the programs in the programs parameter.If this value is set to false, it will make the optimization limit itself to the programs supplied through the programs parameter.An error will be thrown if programs is not also set.
- exclude_networks : boolean
If Civis Media Optimizer should exclude the networks in the networks parameter.If this value is set to false, it will make the optimization limit itself to the networks supplied through the networks.An error will be thrown if networks is not also set.
- time_slot_percentages : dict
The maximum amount of the budget spent on that particular day of the week, daypart, or specific time slot for broadcast and cable.
-
patch_ratecards
(id, *, filename='DEFAULT', start_on='DEFAULT', end_on='DEFAULT', dma_number='DEFAULT')¶ Update some attributes of this Ratecard
Parameters: - id : integer
The ratecard ID.
- filename : string, optional
Name of the ratecard file.
- start_on : string/date, optional
First day to which the ratecard applies.
- end_on : string/date, optional
Last day to which the ratecard applies.
- dma_number : integer, optional
Number of the DMA associated with the ratecard.
Returns: - id : integer
The ratecard ID.
- filename : string
Name of the ratecard file.
- start_on : string/date
First day to which the ratecard applies.
- end_on : string/date
Last day to which the ratecard applies.
- dma_number : integer
Number of the DMA associated with the ratecard.
- archived : string
The archival status of the requested item(s).
-
post_optimizations
(runs, *, name='DEFAULT', programs='DEFAULT', networks='DEFAULT', exclude_programs='DEFAULT', exclude_networks='DEFAULT', time_slot_percentages='DEFAULT')¶ Create a new optimization
Parameters: - runs : list::
The runs of the optimization. - market_id : integer
The market ID.
- start_date : string/date
The start date for the media run.
- end_date : string/date
The end date for the media run.
- force_cpm : boolean
Whether to force optimization to use CPM data even if partition data is available.
- reach_alpha : number/float
A tuning parameter used to adjust RF.
- syscodes : list
The syscodes for the media run.
- rate_cards : list
The ratecards for the media run.
- constraints : list::
The constraints for the media run. - targets : list
The targets to constrain.
- budget : number/float
- The maximum budget for these targets.
- frequency : number/float
- The maximum frequency for these targets.
- name : string, optional
The name of the optimization.
- programs : list, optional
An array of programs that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_programs is not also set.
- networks : list, optional
An array of networks that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_networks is not also set.
- exclude_programs : boolean, optional
If Civis Media Optimizer should exclude the programs in the programs parameter.If this value is set to false, it will make the optimization limit itself to the programs supplied through the programs parameter.An error will be thrown if programs is not also set.
- exclude_networks : boolean, optional
If Civis Media Optimizer should exclude the networks in the networks parameter.If this value is set to false, it will make the optimization limit itself to the networks supplied through the networks.An error will be thrown if networks is not also set.
- time_slot_percentages : dict, optional
The maximum amount of the budget spent on that particular day of the week, daypart, or specific time slot for broadcast and cable.
Returns: - id : integer
The optimization ID.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of the optimization.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- spot_order_id : integer
The ID for the spot order produced by the optimization.
- archived : string
The archival status of the requested item(s).
- report_link : string
A link to the visual report for the optimization.
- spot_order_link : string
A link to the json version of the spot order.
- file_links : list
Links to the csv and xml versions of the spot order.
- runs : list::
The runs of the optimization. - market_id : integer
The market ID.
- start_date : string/date
The start date for the media run.
- end_date : string/date
The end date for the media run.
- force_cpm : boolean
Whether to force optimization to use CPM data even if partition data is available.
- reach_alpha : number/float
A tuning parameter used to adjust RF.
- syscodes : list
The syscodes for the media run.
- rate_cards : list
The ratecards for the media run.
- constraints : list::
The constraints for the media run. - targets : list
The targets to constrain.
- budget : number/float
- The maximum budget for these targets.
- frequency : number/float
- The maximum frequency for these targets.
- programs : list
An array of programs that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_programs is not also set.
- networks : list
An array of networks that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_networks is not also set.
- exclude_programs : boolean
If Civis Media Optimizer should exclude the programs in the programs parameter.If this value is set to false, it will make the optimization limit itself to the programs supplied through the programs parameter.An error will be thrown if programs is not also set.
- exclude_networks : boolean
If Civis Media Optimizer should exclude the networks in the networks parameter.If this value is set to false, it will make the optimization limit itself to the networks supplied through the networks.An error will be thrown if networks is not also set.
- time_slot_percentages : dict
The maximum amount of the budget spent on that particular day of the week, daypart, or specific time slot for broadcast and cable.
-
post_optimizations_clone
(id)¶ Clone an existing optimization
Parameters: - id : integer
The optimization ID.
Returns: - id : integer
The optimization ID.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of the optimization.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- spot_order_id : integer
The ID for the spot order produced by the optimization.
- archived : string
The archival status of the requested item(s).
- report_link : string
A link to the visual report for the optimization.
- spot_order_link : string
A link to the json version of the spot order.
- file_links : list
Links to the csv and xml versions of the spot order.
- runs : list::
The runs of the optimization. - market_id : integer
The market ID.
- start_date : string/date
The start date for the media run.
- end_date : string/date
The end date for the media run.
- force_cpm : boolean
Whether to force optimization to use CPM data even if partition data is available.
- reach_alpha : number/float
A tuning parameter used to adjust RF.
- syscodes : list
The syscodes for the media run.
- rate_cards : list
The ratecards for the media run.
- constraints : list::
The constraints for the media run. - targets : list
The targets to constrain.
- budget : number/float
- The maximum budget for these targets.
- frequency : number/float
- The maximum frequency for these targets.
- programs : list
An array of programs that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_programs is not also set.
- networks : list
An array of networks that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_networks is not also set.
- exclude_programs : boolean
If Civis Media Optimizer should exclude the programs in the programs parameter.If this value is set to false, it will make the optimization limit itself to the programs supplied through the programs parameter.An error will be thrown if programs is not also set.
- exclude_networks : boolean
If Civis Media Optimizer should exclude the networks in the networks parameter.If this value is set to false, it will make the optimization limit itself to the networks supplied through the networks.An error will be thrown if networks is not also set.
- time_slot_percentages : dict
The maximum amount of the budget spent on that particular day of the week, daypart, or specific time slot for broadcast and cable.
-
post_optimizations_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the optimization.
Returns: - id : integer
The ID of the run.
- optimization_id : integer
The ID of the optimization.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_ratecards
(filename, start_on, end_on, dma_number)¶ Create a Ratecard
Parameters: - filename : string
Name of the ratecard file.
- start_on : string/date
First day to which the ratecard applies.
- end_on : string/date
Last day to which the ratecard applies.
- dma_number : integer
Number of the DMA associated with the ratecard.
Returns: - id : integer
The ratecard ID.
- filename : string
Name of the ratecard file.
- start_on : string/date
First day to which the ratecard applies.
- end_on : string/date
Last day to which the ratecard applies.
- dma_number : integer
Number of the DMA associated with the ratecard.
- archived : string
The archival status of the requested item(s).
-
post_spot_orders
(*, body='DEFAULT')¶ Create a spot order
Parameters: - body : string, optional
CSV body of a spot order.
Returns: - id : integer
The ID for the spot order.
- archived : string
The archival status of the requested item(s).
- csv_s3_uri : string
S3 URI for the spot order CSV file.
- json_s3_uri : string
S3 URI for the spot order JSON file.
- xml_archive_s3_uri : string
S3 URI for the spot order XML archive.
- last_transform_job_id : integer
ID of the spot order transformation job.
-
put_optimizations_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The optimization ID.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of the optimization.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- spot_order_id : integer
The ID for the spot order produced by the optimization.
- archived : string
The archival status of the requested item(s).
- report_link : string
A link to the visual report for the optimization.
- spot_order_link : string
A link to the json version of the spot order.
- file_links : list
Links to the csv and xml versions of the spot order.
- runs : list::
The runs of the optimization. - market_id : integer
The market ID.
- start_date : string/date
The start date for the media run.
- end_date : string/date
The end date for the media run.
- force_cpm : boolean
Whether to force optimization to use CPM data even if partition data is available.
- reach_alpha : number/float
A tuning parameter used to adjust RF.
- syscodes : list
The syscodes for the media run.
- rate_cards : list
The ratecards for the media run.
- constraints : list::
The constraints for the media run. - targets : list
The targets to constrain.
- budget : number/float
- The maximum budget for these targets.
- frequency : number/float
- The maximum frequency for these targets.
- programs : list
An array of programs that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_programs is not also set.
- networks : list
An array of networks that the Civis Media Optimizer either exclude or limit to.An error will be thrown if exclude_networks is not also set.
- exclude_programs : boolean
If Civis Media Optimizer should exclude the programs in the programs parameter.If this value is set to false, it will make the optimization limit itself to the programs supplied through the programs parameter.An error will be thrown if programs is not also set.
- exclude_networks : boolean
If Civis Media Optimizer should exclude the networks in the networks parameter.If this value is set to false, it will make the optimization limit itself to the networks supplied through the networks.An error will be thrown if networks is not also set.
- time_slot_percentages : dict
The maximum amount of the budget spent on that particular day of the week, daypart, or specific time slot for broadcast and cable.
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_ratecards
(id, filename, start_on, end_on, dma_number)¶ Replace all attributes of this Ratecard
Parameters: - id : integer
The ratecard ID.
- filename : string
Name of the ratecard file.
- start_on : string/date
First day to which the ratecard applies.
- end_on : string/date
Last day to which the ratecard applies.
- dma_number : integer
Number of the DMA associated with the ratecard.
Returns: - id : integer
The ratecard ID.
- filename : string
Name of the ratecard file.
- start_on : string/date
First day to which the ratecard applies.
- end_on : string/date
Last day to which the ratecard applies.
- dma_number : integer
Number of the DMA associated with the ratecard.
- archived : string
The archival status of the requested item(s).
-
put_ratecards_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ratecard ID.
- filename : string
Name of the ratecard file.
- start_on : string/date
First day to which the ratecard applies.
- end_on : string/date
Last day to which the ratecard applies.
- dma_number : integer
Number of the DMA associated with the ratecard.
- archived : string
The archival status of the requested item(s).
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_spot_orders
(id, *, body='DEFAULT')¶ Edit the specified spot order
Parameters: - id : integer
The ID for the spot order.
- body : string, optional
CSV body of a spot order.
Returns: - id : integer
The ID for the spot order.
- archived : string
The archival status of the requested item(s).
- csv_s3_uri : string
S3 URI for the spot order CSV file.
- json_s3_uri : string
S3 URI for the spot order JSON file.
- xml_archive_s3_uri : string
S3 URI for the spot order XML archive.
- last_transform_job_id : integer
ID of the spot order transformation job.
-
put_spot_orders_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the spot order.
- archived : string
The archival status of the requested item(s).
- csv_s3_uri : string
S3 URI for the spot order CSV file.
- json_s3_uri : string
S3 URI for the spot order JSON file.
- xml_archive_s3_uri : string
S3 URI for the spot order XML archive.
- last_transform_job_id : integer
ID of the spot order transformation job.
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Models¶
-
class
Models
(session_kwargs, return_type='civis')¶ Methods
-
delete_builds
(id, build_id)¶ Cancel a build
Parameters: - id : integer
The ID of the model.
- build_id : integer
The ID of the build.
Returns: - None
Response code 202: success
-
delete_projects
(id, project_id)¶ Remove a models from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Retrieve model configuration
Parameters: - id : integer
The ID of the model.
Returns: - id : integer
The ID of the model.
- table_name : string
The qualified name of the table containing the training set from which to build the model.
- database_id : integer
The ID of the database holding the training set table used to build the model.
- credential_id : integer
The ID of the credential used to read the target table. Defaults to the user’s default credential.
- model_name : string
The name of the model.
- description : string
A description of the model.
- interaction_terms : boolean
Whether to search for interaction terms.
- box_cox_transformation : boolean
Whether to transform data so that it assumes a normal distribution. Valid only with continuous models.
- model_type_id : integer
The ID of the model’s type.
- primary_key : string
The unique ID (primary key) of the training dataset.
- dependent_variable : string
The dependent variable of the training dataset.
- dependent_variable_order : list
The order of dependent variables, especially useful for Ordinal Modeling.
- excluded_columns : list
A list of columns which will be considered ineligible to be independent variables.
- limiting_sql : string
A custom SQL WHERE clause used to filter the rows used to build the model. (e.g., “id > 105”).
- active_build_id : integer
The ID of the current active build, the build used to score predictions.
- cross_validation_parameters : dict
Cross validation parameter grid for tree methods, e.g. {“n_estimators”: [100, 200, 500], “learning_rate”: [0.01, 0.1], “max_depth”: [2, 3]}.
- number_of_folds : integer
Number of folds for cross validation. Default value is 5.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this model.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this model.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/date-time
The time the model was created.
- updated_at : string/date-time
The time the model was updated.
- current_build_state : string
The status of the current model build. One of “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
- current_build_exception : string
Exception message, if applicable, of the current model build.
- builds : list::
A list of trained models available for making predictions. - id : integer
The ID of the model build.
- name : string
- The name of the model build.
- created_at : string
- The time the model build was created.
- description : string
- A description of the model build.
- root_mean_squared_error : number/float
- A key metric for continuous models. Nil for other model types.
- r_squared_error : number/float
- A key metric for continuous models. Nil for other model types.
- roc_auc : number/float
- A key metric for binary, multinomial, and ordinal models. Nil for other model types.
- predictions : list::
The tables upon which the model will be applied. - id : integer
The ID of the model to which to apply the prediction.
- table_name : string
- The qualified name of the table on which to apply the predictive model.
- primary_key : list
- The primary key or composite keys of the table being predicted.
- limiting_sql : string
- A SQL WHERE clause used to scope the rows to be predicted.
- output_table : string
- The qualified name of the table to be created which will contain the model’s predictions.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- state : string
- The status of the prediction. One of: “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
- last_output_location : string
The output JSON for the last build.
- archived : string
The archival status of the requested item(s).
-
get_builds
(id, build_id)¶ Check status of a build
Parameters: - id : integer
The ID of the model.
- build_id : integer
The ID of the build.
Returns: - id : integer
The ID of the model build.
- state : string
The state of the model build.one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- error : string
The error, if any, returned by the build.
- name : string
The name of the model build.
- created_at : string
The time the model build was created.
- description : string
A description of the model build.
- root_mean_squared_error : number/float
A key metric for continuous models. Nil for other model types.
- r_squared_error : number/float
A key metric for continuous models. Nil for other model types.
- roc_auc : number/float
A key metric for binary, multinomial, and ordinal models. Nil for other model types.
- transformation_metadata : string
A string representing the full JSON output of the metadata for transformation of column names
- output : string
A string representing the JSON output for the specified build. Only present when smaller than 10KB in size.
- output_location : string
A URL representing the location of the full JSON output for the specified build.The URL link will be valid for 5 minutes.
-
list
(*, model_name='DEFAULT', training_table_name='DEFAULT', dependent_variable='DEFAULT', author='DEFAULT', status='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List
Parameters: - model_name : string, optional
If specified, will be used to filter the models returned. Substring matching is supported. (e.g., “modelName=model” will return both “model1” and “my model”).
- training_table_name : string, optional
If specified, will be used to filter the models returned by the training dataset table name. Substring matching is supported. (e.g., “trainingTableName=table” will return both “table1” and “my_table”).
- dependent_variable : string, optional
If specified, will be used to filter the models returned by the dependent variable column name. Substring matching is supported. (e.g., “dependentVariable=predictor” will return both “predictor” and “my predictor”).
- author : string, optional
If specified, return models from this author. It accepts a comma-separated list of author ids.
- status : string, optional
If specified, returns models with one of these statuses. It accepts a comma-separated list, possible values are ‘running’, ‘failed’, ‘succeeded’, ‘idle’, ‘scheduled’.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at, last_run.updated_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the model.
- table_name : string
The qualified name of the table containing the training set from which to build the model.
- database_id : integer
The ID of the database holding the training set table used to build the model.
- credential_id : integer
The ID of the credential used to read the target table. Defaults to the user’s default credential.
- model_name : string
The name of the model.
- description : string
A description of the model.
- interaction_terms : boolean
Whether to search for interaction terms.
- box_cox_transformation : boolean
Whether to transform data so that it assumes a normal distribution. Valid only with continuous models.
- model_type_id : integer
The ID of the model’s type.
- primary_key : string
The unique ID (primary key) of the training dataset.
- dependent_variable : string
The dependent variable of the training dataset.
- dependent_variable_order : list
The order of dependent variables, especially useful for Ordinal Modeling.
- excluded_columns : list
A list of columns which will be considered ineligible to be independent variables.
- limiting_sql : string
A custom SQL WHERE clause used to filter the rows used to build the model. (e.g., “id > 105”).
- cross_validation_parameters : dict
Cross validation parameter grid for tree methods, e.g. {“n_estimators”: [100, 200, 500], “learning_rate”: [0.01, 0.1], “max_depth”: [2, 3]}.
- number_of_folds : integer
Number of folds for cross validation. Default value is 5.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this model.
- time_zone : string
The time zone of this model.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/date-time
The time the model was created.
- updated_at : string/date-time
The time the model was updated.
- current_build_state : string
The status of the current model build. One of “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
- current_build_exception : string
Exception message, if applicable, of the current model build.
- builds : list::
A list of trained models available for making predictions. - id : integer
The ID of the model build.
- name : string
- The name of the model build.
- created_at : string
- The time the model build was created.
- description : string
- A description of the model build.
- root_mean_squared_error : number/float
- A key metric for continuous models. Nil for other model types.
- r_squared_error : number/float
- A key metric for continuous models. Nil for other model types.
- roc_auc : number/float
- A key metric for binary, multinomial, and ordinal models. Nil for other model types.
- predictions : list::
The tables upon which the model will be applied. - id : integer
The ID of the model to which to apply the prediction.
- table_name : string
- The qualified name of the table on which to apply the predictive model.
- primary_key : list
- The primary key or composite keys of the table being predicted.
- limiting_sql : string
- A SQL WHERE clause used to scope the rows to be predicted.
- output_table : string
- The qualified name of the table to be created which will contain the model’s predictions.
- state : string
- The status of the prediction. One of: “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
- last_output_location : string
The output JSON for the last build.
- archived : string
The archival status of the requested item(s).
-
list_builds
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List builds for the given model
Parameters: - id : integer
The ID of the model.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the model build.
- state : string
The state of the model build.one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- error : string
The error, if any, returned by the build.
- name : string
The name of the model build.
- created_at : string
The time the model build was created.
- description : string
A description of the model build.
- root_mean_squared_error : number/float
A key metric for continuous models. Nil for other model types.
- r_squared_error : number/float
A key metric for continuous models. Nil for other model types.
- roc_auc : number/float
A key metric for binary, multinomial, and ordinal models. Nil for other model types.
- transformation_metadata : string
A string representing the full JSON output of the metadata for transformation of column names
- output : string
A string representing the JSON output for the specified build. Only present when smaller than 10KB in size.
- output_location : string
A URL representing the location of the full JSON output for the specified build.The URL link will be valid for 5 minutes.
-
list_builds_logs
(id, build_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a build
Parameters: - id : integer
The ID of the model.
- build_id : integer
The ID of the build.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a models belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_schedules
(id)¶ Show the model build schedule
Parameters: - id : integer
The ID of the model associated with this schedule.
Returns: - id : integer
The ID of the model associated with this schedule.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_types
()¶ List all available model types
Returns: - id : integer
The ID of the model type.
- algorithm : string
The name of the algorithm used to train the model.
- dv_type : string
The type of dependent variable predicted by the model.
- fint_allowed : boolean
Whether this model type supports searching for interaction terms.
-
patch
(id, *, table_name='DEFAULT', database_id='DEFAULT', credential_id='DEFAULT', model_name='DEFAULT', description='DEFAULT', interaction_terms='DEFAULT', box_cox_transformation='DEFAULT', model_type_id='DEFAULT', primary_key='DEFAULT', dependent_variable='DEFAULT', dependent_variable_order='DEFAULT', excluded_columns='DEFAULT', limiting_sql='DEFAULT', active_build_id='DEFAULT', cross_validation_parameters='DEFAULT', number_of_folds='DEFAULT', notifications='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT', time_zone='DEFAULT')¶ Update model configuration
Parameters: - id : integer
The ID of the model.
- table_name : string, optional
The qualified name of the table containing the training set from which to build the model.
- database_id : integer, optional
The ID of the database holding the training set table used to build the model.
- credential_id : integer, optional
The ID of the credential used to read the target table. Defaults to the user’s default credential.
- model_name : string, optional
The name of the model.
- description : string, optional
A description of the model.
- interaction_terms : boolean, optional
Whether to search for interaction terms.
- box_cox_transformation : boolean, optional
Whether to transform data so that it assumes a normal distribution. Valid only with continuous models.
- model_type_id : integer, optional
The ID of the model’s type.
- primary_key : string, optional
The unique ID (primary key) of the training dataset.
- dependent_variable : string, optional
The dependent variable of the training dataset.
- dependent_variable_order : list, optional
The order of dependent variables, especially useful for Ordinal Modeling.
- excluded_columns : list, optional
A list of columns which will be considered ineligible to be independent variables.
- limiting_sql : string, optional
A custom SQL WHERE clause used to filter the rows used to build the model. (e.g., “id > 105”).
- active_build_id : integer, optional
The ID of the current active build, the build used to score predictions.
- cross_validation_parameters : dict, optional
Cross validation parameter grid for tree methods, e.g. {“n_estimators”: [100, 200, 500], “learning_rate”: [0.01, 0.1], “max_depth”: [2, 3]}.
- number_of_folds : integer, optional
Number of folds for cross validation. Default value is 5.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
The ID of the parent job that will trigger this model.
- time_zone : string, optional
The time zone of this model.
Returns: - None
Response code 204: success
-
post
(*, table_name='DEFAULT', database_id='DEFAULT', credential_id='DEFAULT', model_name='DEFAULT', description='DEFAULT', interaction_terms='DEFAULT', box_cox_transformation='DEFAULT', model_type_id='DEFAULT', primary_key='DEFAULT', dependent_variable='DEFAULT', dependent_variable_order='DEFAULT', excluded_columns='DEFAULT', limiting_sql='DEFAULT', active_build_id='DEFAULT', cross_validation_parameters='DEFAULT', number_of_folds='DEFAULT', notifications='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT', time_zone='DEFAULT', hidden='DEFAULT')¶ Create new configuration for a model
Parameters: - table_name : string, optional
The qualified name of the table containing the training set from which to build the model.
- database_id : integer, optional
The ID of the database holding the training set table used to build the model.
- credential_id : integer, optional
The ID of the credential used to read the target table. Defaults to the user’s default credential.
- model_name : string, optional
The name of the model.
- description : string, optional
A description of the model.
- interaction_terms : boolean, optional
Whether to search for interaction terms.
- box_cox_transformation : boolean, optional
Whether to transform data so that it assumes a normal distribution. Valid only with continuous models.
- model_type_id : integer, optional
The ID of the model’s type.
- primary_key : string, optional
The unique ID (primary key) of the training dataset.
- dependent_variable : string, optional
The dependent variable of the training dataset.
- dependent_variable_order : list, optional
The order of dependent variables, especially useful for Ordinal Modeling.
- excluded_columns : list, optional
A list of columns which will be considered ineligible to be independent variables.
- limiting_sql : string, optional
A custom SQL WHERE clause used to filter the rows used to build the model. (e.g., “id > 105”).
- active_build_id : integer, optional
The ID of the current active build, the build used to score predictions.
- cross_validation_parameters : dict, optional
Cross validation parameter grid for tree methods, e.g. {“n_estimators”: [100, 200, 500], “learning_rate”: [0.01, 0.1], “max_depth”: [2, 3]}.
- number_of_folds : integer, optional
Number of folds for cross validation. Default value is 5.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
The ID of the parent job that will trigger this model.
- time_zone : string, optional
The time zone of this model.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The ID of the model.
- table_name : string
The qualified name of the table containing the training set from which to build the model.
- database_id : integer
The ID of the database holding the training set table used to build the model.
- credential_id : integer
The ID of the credential used to read the target table. Defaults to the user’s default credential.
- model_name : string
The name of the model.
- description : string
A description of the model.
- interaction_terms : boolean
Whether to search for interaction terms.
- box_cox_transformation : boolean
Whether to transform data so that it assumes a normal distribution. Valid only with continuous models.
- model_type_id : integer
The ID of the model’s type.
- primary_key : string
The unique ID (primary key) of the training dataset.
- dependent_variable : string
The dependent variable of the training dataset.
- dependent_variable_order : list
The order of dependent variables, especially useful for Ordinal Modeling.
- excluded_columns : list
A list of columns which will be considered ineligible to be independent variables.
- limiting_sql : string
A custom SQL WHERE clause used to filter the rows used to build the model. (e.g., “id > 105”).
- active_build_id : integer
The ID of the current active build, the build used to score predictions.
- cross_validation_parameters : dict
Cross validation parameter grid for tree methods, e.g. {“n_estimators”: [100, 200, 500], “learning_rate”: [0.01, 0.1], “max_depth”: [2, 3]}.
- number_of_folds : integer
Number of folds for cross validation. Default value is 5.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this model.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this model.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/date-time
The time the model was created.
- updated_at : string/date-time
The time the model was updated.
- current_build_state : string
The status of the current model build. One of “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
- current_build_exception : string
Exception message, if applicable, of the current model build.
- builds : list::
A list of trained models available for making predictions. - id : integer
The ID of the model build.
- name : string
- The name of the model build.
- created_at : string
- The time the model build was created.
- description : string
- A description of the model build.
- root_mean_squared_error : number/float
- A key metric for continuous models. Nil for other model types.
- r_squared_error : number/float
- A key metric for continuous models. Nil for other model types.
- roc_auc : number/float
- A key metric for binary, multinomial, and ordinal models. Nil for other model types.
- predictions : list::
The tables upon which the model will be applied. - id : integer
The ID of the model to which to apply the prediction.
- table_name : string
- The qualified name of the table on which to apply the predictive model.
- primary_key : list
- The primary key or composite keys of the table being predicted.
- limiting_sql : string
- A SQL WHERE clause used to scope the rows to be predicted.
- output_table : string
- The qualified name of the table to be created which will contain the model’s predictions.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- state : string
- The status of the prediction. One of: “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
- last_output_location : string
The output JSON for the last build.
- archived : string
The archival status of the requested item(s).
-
post_builds
(id)¶ Start a build
Parameters: - id : integer
The ID of the model.
Returns: - id : integer
The ID of the model build.
- state : string
The state of the model build.one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- error : string
The error, if any, returned by the build.
- name : string
The name of the model build.
- created_at : string
The time the model build was created.
- description : string
A description of the model build.
- root_mean_squared_error : number/float
A key metric for continuous models. Nil for other model types.
- r_squared_error : number/float
A key metric for continuous models. Nil for other model types.
- roc_auc : number/float
A key metric for binary, multinomial, and ordinal models. Nil for other model types.
- transformation_metadata : string
A string representing the full JSON output of the metadata for transformation of column names
- output : string
A string representing the JSON output for the specified build. Only present when smaller than 10KB in size.
- output_location : string
A URL representing the location of the full JSON output for the specified build.The URL link will be valid for 5 minutes.
-
put_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID of the model.
- table_name : string
The qualified name of the table containing the training set from which to build the model.
- database_id : integer
The ID of the database holding the training set table used to build the model.
- credential_id : integer
The ID of the credential used to read the target table. Defaults to the user’s default credential.
- model_name : string
The name of the model.
- description : string
A description of the model.
- interaction_terms : boolean
Whether to search for interaction terms.
- box_cox_transformation : boolean
Whether to transform data so that it assumes a normal distribution. Valid only with continuous models.
- model_type_id : integer
The ID of the model’s type.
- primary_key : string
The unique ID (primary key) of the training dataset.
- dependent_variable : string
The dependent variable of the training dataset.
- dependent_variable_order : list
The order of dependent variables, especially useful for Ordinal Modeling.
- excluded_columns : list
A list of columns which will be considered ineligible to be independent variables.
- limiting_sql : string
A custom SQL WHERE clause used to filter the rows used to build the model. (e.g., “id > 105”).
- active_build_id : integer
The ID of the current active build, the build used to score predictions.
- cross_validation_parameters : dict
Cross validation parameter grid for tree methods, e.g. {“n_estimators”: [100, 200, 500], “learning_rate”: [0.01, 0.1], “max_depth”: [2, 3]}.
- number_of_folds : integer
Number of folds for cross validation. Default value is 5.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this model.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this model.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/date-time
The time the model was created.
- updated_at : string/date-time
The time the model was updated.
- current_build_state : string
The status of the current model build. One of “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
- current_build_exception : string
Exception message, if applicable, of the current model build.
- builds : list::
A list of trained models available for making predictions. - id : integer
The ID of the model build.
- name : string
- The name of the model build.
- created_at : string
- The time the model build was created.
- description : string
- A description of the model build.
- root_mean_squared_error : number/float
- A key metric for continuous models. Nil for other model types.
- r_squared_error : number/float
- A key metric for continuous models. Nil for other model types.
- roc_auc : number/float
- A key metric for binary, multinomial, and ordinal models. Nil for other model types.
- predictions : list::
The tables upon which the model will be applied. - id : integer
The ID of the model to which to apply the prediction.
- table_name : string
- The qualified name of the table on which to apply the predictive model.
- primary_key : list
- The primary key or composite keys of the table being predicted.
- limiting_sql : string
- A SQL WHERE clause used to scope the rows to be predicted.
- output_table : string
- The qualified name of the table to be created which will contain the model’s predictions.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- state : string
- The status of the prediction. One of: “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
- last_output_location : string
The output JSON for the last build.
- archived : string
The archival status of the requested item(s).
-
put_predictions
(id, table_name, primary_key, *, limiting_sql='DEFAULT', output_table='DEFAULT', schedule='DEFAULT')¶ Add a table on which to apply the predictive model
Parameters: - id : integer
The ID of the model to which to apply the prediction.
- table_name : string
The qualified name of the table on which to apply the predictive model.
- primary_key : list
The primary key or composite keys of the table being predicted.
- limiting_sql : string, optional
A SQL WHERE clause used to scope the rows to be predicted.
- output_table : string, optional
The qualified name of the table to be created which will contain the model’s predictions.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
Returns: - id : integer
The ID of the model to which to apply the prediction.
- table_name : string
The qualified name of the table on which to apply the predictive model.
- primary_key : list
The primary key or composite keys of the table being predicted.
- limiting_sql : string
A SQL WHERE clause used to scope the rows to be predicted.
- output_table : string
The qualified name of the table to be created which will contain the model’s predictions.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- state : string
The status of the prediction. One of: “succeeded”, “failed”, “queued”, or “running,”or “idle”, if no build has been attempted.
-
put_projects
(id, project_id)¶ Add a models to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
put_schedules
(id, schedule)¶ Schedule the model build
Parameters: - id : integer
The ID of the model associated with this schedule.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
Returns: - id : integer
The ID of the model associated with this schedule.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Notebooks¶
-
class
Notebooks
(session_kwargs, return_type='civis')¶ Methods
-
delete_deployments
(notebook_id, deployment_id)¶ Delete a Notebook deployment
Parameters: - notebook_id : integer
The ID of the owning Notebook
- deployment_id : integer
The ID for this deployment
Returns: - None
Response code 204: success
-
delete_projects
(id, project_id)¶ Remove a Notebook from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Get a Notebook
Parameters: - id : integer
Returns: - id : integer
The ID for this notebook.
- name : string
The name of this notebook.
- language : string
The kernel language of this notebook.
- description : string
The description of this notebook.
- notebook_url : string
Time-limited URL to get the .ipynb file for this notebook.
- notebook_preview_url : string
Time-limited URL to get the .htm preview file for this notebook.
- requirements_url : string
Time-limited URL to get the requirements.txt file for this notebook.
- file_id : string
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string
The file ID for the S3 file containing the requirements.txt file.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to.
- memory : integer
The amount of memory allocated to the notebook.
- cpu : integer
The amount of cpu allocated to the the notebook.
- created_at : string/time
- updated_at : string/time
- most_recent_deployment : dict::
- deployment_id : integer
- The ID for this deployment.
- user_id : integer
- The ID of the owner.
- host : string
- Domain of the deployment.
- name : string
- Name of the deployment.
- docker_image_name : string
- The name of the docker image to pull from DockerHub.
- docker_image_tag : string
- The tag of the docker image to pull from DockerHub (default: latest).
- display_url : string
- A signed URL for viewing the deployed item.
- instance_type : string
- The EC2 instance type requested for the deployment.
- memory : integer
- The memory allocated to the deployment.
- cpu : integer
- The cpu allocated to the deployment.
- state : string
- The state of the deployment.
- state_message : string
- A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
- The ID of owning Notebook
- credentials : list
A list of credential IDs to pass to the notebook.
- environment_variables : dict
Environment variables to be passed into the Notebook.
- idle_timeout : integer
How long the notebook will stay alive without any kernel activity.
- git_repo_id : integer
The ID of the git repository.
- git_repo_url : string
The url of the git repository
- git_ref : string
The git reference if git repo is specified
- git_path : string
The path to the .ipynb file in the git repo that will be started up on notebook launch
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
-
get_deployments
(notebook_id, deployment_id)¶ Get details about a Notebook deployment
Parameters: - notebook_id : integer
The ID of the owning Notebook
- deployment_id : integer
The ID for this deployment
Returns: - deployment_id : integer
The ID for this deployment.
- user_id : integer
The ID of the owner.
- host : string
Domain of the deployment.
- name : string
Name of the deployment.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- display_url : string
A signed URL for viewing the deployed item.
- instance_type : string
The EC2 instance type requested for the deployment.
- memory : integer
The memory allocated to the deployment.
- cpu : integer
The cpu allocated to the deployment.
- state : string
The state of the deployment.
- state_message : string
A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
The ID of owning Notebook
-
get_git_commits
(id, commit_hash)¶ Get file contents at commit_hash
Parameters: - id : integer
The ID of the file.
- commit_hash : string
The SHA (full or shortened) of the desired git commit.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
list
(*, hidden='DEFAULT', archived='DEFAULT', author='DEFAULT', status='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Notebooks
Parameters: - hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- author : string, optional
If specified, return imports from this author. It accepts a comma-separated list of author IDs.
- status : string, optional
If specified, returns notebooks with one of these statuses. It accepts a comma-separated list, possible values are ‘running’, ‘pending’, ‘idle’.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for this notebook.
- name : string
The name of this notebook.
- language : string
The kernel language of this notebook.
- description : string
The description of this notebook.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- most_recent_deployment : dict::
- deployment_id : integer
- The ID for this deployment.
- user_id : integer
- The ID of the owner.
- host : string
- Domain of the deployment.
- name : string
- Name of the deployment.
- docker_image_name : string
- The name of the docker image to pull from DockerHub.
- docker_image_tag : string
- The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
- The EC2 instance type requested for the deployment.
- memory : integer
- The memory allocated to the deployment.
- cpu : integer
- The cpu allocated to the deployment.
- state : string
- The state of the deployment.
- state_message : string
- A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
- The ID of owning Notebook
- archived : string
The archival status of the requested item(s).
-
list_deployments
(notebook_id, *, deployment_id='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List deployments for a Notebook
Parameters: - notebook_id : integer
The ID of the owning Notebook
- deployment_id : integer, optional
The ID for this deployment
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - deployment_id : integer
The ID for this deployment.
- user_id : integer
The ID of the owner.
- host : string
Domain of the deployment.
- name : string
Name of the deployment.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type requested for the deployment.
- memory : integer
The memory allocated to the deployment.
- cpu : integer
The cpu allocated to the deployment.
- state : string
The state of the deployment.
- state_message : string
A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
The ID of owning Notebook
-
list_deployments_logs
(id, deployment_id, *, start_at='DEFAULT', end_at='DEFAULT', limit='DEFAULT')¶ Get the logs for a Notebook deployment
Parameters: - id : integer
The ID of the owning Notebook.
- deployment_id : integer
The ID for this deployment.
- start_at : string, optional
Log entries with a lower timestamp will be omitted.
- end_at : string, optional
Log entries with a higher timestamp will be omitted.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - message : string
The log message.
- stream : string
The stream of the log. One of “stdout”, “stderr”.
- created_at : string/date-time
The time the log was created.
- source : string
The source of the log. One of “system”, “user”.
-
list_git
(id)¶ Get the git metadata attached to this Notebook
Parameters: - id : integer
The ID of the file.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
list_git_commits
(id)¶ Get the git commits for this Notebook
Parameters: - id : integer
The ID of the file.
Returns: - commit_hash : string
The SHA of the commit.
- author_name : string
The name of the commit’s author.
- date : string/time
The commit’s timestamp.
- message : string
The commit message.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a Notebook belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_update_links
(id)¶ Get URLs to update notebook
Parameters: - id : integer
Returns: - update_url : string
Time-limited URL to PUT new contents of the .ipynb file for this notebook.
- update_preview_url : string
Time-limited URL to PUT new contents of the .htm preview file for this notebook.
-
patch
(id, *, name='DEFAULT', language='DEFAULT', description='DEFAULT', file_id='DEFAULT', requirements_file_id='DEFAULT', requirements='DEFAULT', docker_image_name='DEFAULT', docker_image_tag='DEFAULT', instance_type='DEFAULT', memory='DEFAULT', cpu='DEFAULT', credentials='DEFAULT', environment_variables='DEFAULT', idle_timeout='DEFAULT', git_repo_url='DEFAULT', git_ref='DEFAULT', git_path='DEFAULT')¶ Update some attributes of this Notebook
Parameters: - id : integer
The ID for this notebook.
- name : string, optional
The name of this notebook.
- language : string, optional
The kernel language of this notebook.
- description : string, optional
The description of this notebook.
- file_id : string, optional
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string, optional
The file ID for the S3 file containing the requirements.txt file.
- requirements : string, optional
The requirements txt file.
- docker_image_name : string, optional
The name of the docker image to pull from DockerHub.
- docker_image_tag : string, optional
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string, optional
The EC2 instance type to deploy to.
- memory : integer, optional
The amount of memory allocated to the notebook.
- cpu : integer, optional
The amount of cpu allocated to the the notebook.
- credentials : list, optional
A list of credential IDs to pass to the notebook.
- environment_variables : dict, optional
Environment variables to be passed into the Notebook.
- idle_timeout : integer, optional
How long the notebook will stay alive without any kernel activity.
- git_repo_url : string, optional
The url of the git repository
- git_ref : string, optional
The git reference if git repo is specified
- git_path : string, optional
The path to the .ipynb file in the git repo that will be started up on notebook launch
Returns: - id : integer
The ID for this notebook.
- name : string
The name of this notebook.
- language : string
The kernel language of this notebook.
- description : string
The description of this notebook.
- notebook_url : string
Time-limited URL to get the .ipynb file for this notebook.
- notebook_preview_url : string
Time-limited URL to get the .htm preview file for this notebook.
- requirements_url : string
Time-limited URL to get the requirements.txt file for this notebook.
- file_id : string
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string
The file ID for the S3 file containing the requirements.txt file.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to.
- memory : integer
The amount of memory allocated to the notebook.
- cpu : integer
The amount of cpu allocated to the the notebook.
- created_at : string/time
- updated_at : string/time
- most_recent_deployment : dict::
- deployment_id : integer
- The ID for this deployment.
- user_id : integer
- The ID of the owner.
- host : string
- Domain of the deployment.
- name : string
- Name of the deployment.
- docker_image_name : string
- The name of the docker image to pull from DockerHub.
- docker_image_tag : string
- The tag of the docker image to pull from DockerHub (default: latest).
- display_url : string
- A signed URL for viewing the deployed item.
- instance_type : string
- The EC2 instance type requested for the deployment.
- memory : integer
- The memory allocated to the deployment.
- cpu : integer
- The cpu allocated to the deployment.
- state : string
- The state of the deployment.
- state_message : string
- A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
- The ID of owning Notebook
- credentials : list
A list of credential IDs to pass to the notebook.
- environment_variables : dict
Environment variables to be passed into the Notebook.
- idle_timeout : integer
How long the notebook will stay alive without any kernel activity.
- git_repo_id : integer
The ID of the git repository.
- git_repo_url : string
The url of the git repository
- git_ref : string
The git reference if git repo is specified
- git_path : string
The path to the .ipynb file in the git repo that will be started up on notebook launch
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
-
post
(*, name='DEFAULT', language='DEFAULT', description='DEFAULT', file_id='DEFAULT', requirements_file_id='DEFAULT', requirements='DEFAULT', docker_image_name='DEFAULT', docker_image_tag='DEFAULT', instance_type='DEFAULT', memory='DEFAULT', cpu='DEFAULT', credentials='DEFAULT', environment_variables='DEFAULT', idle_timeout='DEFAULT', git_repo_url='DEFAULT', git_ref='DEFAULT', git_path='DEFAULT', hidden='DEFAULT')¶ Create a Notebook
Parameters: - name : string, optional
The name of this notebook.
- language : string, optional
The kernel language of this notebook.
- description : string, optional
The description of this notebook.
- file_id : string, optional
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string, optional
The file ID for the S3 file containing the requirements.txt file.
- requirements : string, optional
The requirements txt file.
- docker_image_name : string, optional
The name of the docker image to pull from DockerHub.
- docker_image_tag : string, optional
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string, optional
The EC2 instance type to deploy to.
- memory : integer, optional
The amount of memory allocated to the notebook.
- cpu : integer, optional
The amount of cpu allocated to the the notebook.
- credentials : list, optional
A list of credential IDs to pass to the notebook.
- environment_variables : dict, optional
Environment variables to be passed into the Notebook.
- idle_timeout : integer, optional
How long the notebook will stay alive without any kernel activity.
- git_repo_url : string, optional
The url of the git repository
- git_ref : string, optional
The git reference if git repo is specified
- git_path : string, optional
The path to the .ipynb file in the git repo that will be started up on notebook launch
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The ID for this notebook.
- name : string
The name of this notebook.
- language : string
The kernel language of this notebook.
- description : string
The description of this notebook.
- notebook_url : string
Time-limited URL to get the .ipynb file for this notebook.
- notebook_preview_url : string
Time-limited URL to get the .htm preview file for this notebook.
- requirements_url : string
Time-limited URL to get the requirements.txt file for this notebook.
- file_id : string
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string
The file ID for the S3 file containing the requirements.txt file.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to.
- memory : integer
The amount of memory allocated to the notebook.
- cpu : integer
The amount of cpu allocated to the the notebook.
- created_at : string/time
- updated_at : string/time
- most_recent_deployment : dict::
- deployment_id : integer
- The ID for this deployment.
- user_id : integer
- The ID of the owner.
- host : string
- Domain of the deployment.
- name : string
- Name of the deployment.
- docker_image_name : string
- The name of the docker image to pull from DockerHub.
- docker_image_tag : string
- The tag of the docker image to pull from DockerHub (default: latest).
- display_url : string
- A signed URL for viewing the deployed item.
- instance_type : string
- The EC2 instance type requested for the deployment.
- memory : integer
- The memory allocated to the deployment.
- cpu : integer
- The cpu allocated to the deployment.
- state : string
- The state of the deployment.
- state_message : string
- A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
- The ID of owning Notebook
- credentials : list
A list of credential IDs to pass to the notebook.
- environment_variables : dict
Environment variables to be passed into the Notebook.
- idle_timeout : integer
How long the notebook will stay alive without any kernel activity.
- git_repo_id : integer
The ID of the git repository.
- git_repo_url : string
The url of the git repository
- git_ref : string
The git reference if git repo is specified
- git_path : string
The path to the .ipynb file in the git repo that will be started up on notebook launch
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
-
post_automate
(id)¶ Automate this notebook via a script
Parameters: - id : integer
Returns: - id : integer
The ID for the script.
- name : string
The name of the container.
- type : string
The type of the script (e.g Container)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- template_dependents_count : integer
How many other scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- repo_http_uri : string
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- time_zone : string
The time zone of this script.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
post_clone
(id)¶ Clone this Notebook
Parameters: - id : integer
Returns: - id : integer
The ID for this notebook.
- name : string
The name of this notebook.
- language : string
The kernel language of this notebook.
- description : string
The description of this notebook.
- notebook_url : string
Time-limited URL to get the .ipynb file for this notebook.
- notebook_preview_url : string
Time-limited URL to get the .htm preview file for this notebook.
- requirements_url : string
Time-limited URL to get the requirements.txt file for this notebook.
- file_id : string
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string
The file ID for the S3 file containing the requirements.txt file.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to.
- memory : integer
The amount of memory allocated to the notebook.
- cpu : integer
The amount of cpu allocated to the the notebook.
- created_at : string/time
- updated_at : string/time
- most_recent_deployment : dict::
- deployment_id : integer
- The ID for this deployment.
- user_id : integer
- The ID of the owner.
- host : string
- Domain of the deployment.
- name : string
- Name of the deployment.
- docker_image_name : string
- The name of the docker image to pull from DockerHub.
- docker_image_tag : string
- The tag of the docker image to pull from DockerHub (default: latest).
- display_url : string
- A signed URL for viewing the deployed item.
- instance_type : string
- The EC2 instance type requested for the deployment.
- memory : integer
- The memory allocated to the deployment.
- cpu : integer
- The cpu allocated to the deployment.
- state : string
- The state of the deployment.
- state_message : string
- A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
- The ID of owning Notebook
- credentials : list
A list of credential IDs to pass to the notebook.
- environment_variables : dict
Environment variables to be passed into the Notebook.
- idle_timeout : integer
How long the notebook will stay alive without any kernel activity.
- git_repo_id : integer
The ID of the git repository.
- git_repo_url : string
The url of the git repository
- git_ref : string
The git reference if git repo is specified
- git_path : string
The path to the .ipynb file in the git repo that will be started up on notebook launch
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
-
post_deployments
(notebook_id, *, deployment_id='DEFAULT', published='DEFAULT')¶ Deploy a Notebook
Parameters: - notebook_id : integer
The ID of the owning Notebook
- deployment_id : integer, optional
The ID for this deployment
- published : boolean, optional
Returns: - deployment_id : integer
The ID for this deployment.
- user_id : integer
The ID of the owner.
- host : string
Domain of the deployment.
- name : string
Name of the deployment.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- display_url : string
A signed URL for viewing the deployed item.
- instance_type : string
The EC2 instance type requested for the deployment.
- memory : integer
The memory allocated to the deployment.
- cpu : integer
The cpu allocated to the deployment.
- state : string
The state of the deployment.
- state_message : string
A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
The ID of owning Notebook
-
post_git_commits
(id, content, message, file_hash)¶ Commit and push a new version of the file
Parameters: - id : integer
The ID of the file.
- content : string
The contents to commit to the file.
- message : string
A commit message describing the changes being made.
- file_hash : string
The full SHA of the file being replaced.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
put
(id, *, name='DEFAULT', language='DEFAULT', description='DEFAULT', file_id='DEFAULT', requirements_file_id='DEFAULT', requirements='DEFAULT', docker_image_name='DEFAULT', docker_image_tag='DEFAULT', instance_type='DEFAULT', memory='DEFAULT', cpu='DEFAULT', credentials='DEFAULT', environment_variables='DEFAULT', idle_timeout='DEFAULT', git_repo_url='DEFAULT', git_ref='DEFAULT', git_path='DEFAULT')¶ Replace all attributes of this Notebook
Parameters: - id : integer
The ID for this notebook.
- name : string, optional
The name of this notebook.
- language : string, optional
The kernel language of this notebook.
- description : string, optional
The description of this notebook.
- file_id : string, optional
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string, optional
The file ID for the S3 file containing the requirements.txt file.
- requirements : string, optional
The requirements txt file.
- docker_image_name : string, optional
The name of the docker image to pull from DockerHub.
- docker_image_tag : string, optional
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string, optional
The EC2 instance type to deploy to.
- memory : integer, optional
The amount of memory allocated to the notebook.
- cpu : integer, optional
The amount of cpu allocated to the the notebook.
- credentials : list, optional
A list of credential IDs to pass to the notebook.
- environment_variables : dict, optional
Environment variables to be passed into the Notebook.
- idle_timeout : integer, optional
How long the notebook will stay alive without any kernel activity.
- git_repo_url : string, optional
The url of the git repository
- git_ref : string, optional
The git reference if git repo is specified
- git_path : string, optional
The path to the .ipynb file in the git repo that will be started up on notebook launch
Returns: - id : integer
The ID for this notebook.
- name : string
The name of this notebook.
- language : string
The kernel language of this notebook.
- description : string
The description of this notebook.
- notebook_url : string
Time-limited URL to get the .ipynb file for this notebook.
- notebook_preview_url : string
Time-limited URL to get the .htm preview file for this notebook.
- requirements_url : string
Time-limited URL to get the requirements.txt file for this notebook.
- file_id : string
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string
The file ID for the S3 file containing the requirements.txt file.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to.
- memory : integer
The amount of memory allocated to the notebook.
- cpu : integer
The amount of cpu allocated to the the notebook.
- created_at : string/time
- updated_at : string/time
- most_recent_deployment : dict::
- deployment_id : integer
- The ID for this deployment.
- user_id : integer
- The ID of the owner.
- host : string
- Domain of the deployment.
- name : string
- Name of the deployment.
- docker_image_name : string
- The name of the docker image to pull from DockerHub.
- docker_image_tag : string
- The tag of the docker image to pull from DockerHub (default: latest).
- display_url : string
- A signed URL for viewing the deployed item.
- instance_type : string
- The EC2 instance type requested for the deployment.
- memory : integer
- The memory allocated to the deployment.
- cpu : integer
- The cpu allocated to the deployment.
- state : string
- The state of the deployment.
- state_message : string
- A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
- The ID of owning Notebook
- credentials : list
A list of credential IDs to pass to the notebook.
- environment_variables : dict
Environment variables to be passed into the Notebook.
- idle_timeout : integer
How long the notebook will stay alive without any kernel activity.
- git_repo_id : integer
The ID of the git repository.
- git_repo_url : string
The url of the git repository
- git_ref : string
The git reference if git repo is specified
- git_path : string
The path to the .ipynb file in the git repo that will be started up on notebook launch
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
-
put_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for this notebook.
- name : string
The name of this notebook.
- language : string
The kernel language of this notebook.
- description : string
The description of this notebook.
- notebook_url : string
Time-limited URL to get the .ipynb file for this notebook.
- notebook_preview_url : string
Time-limited URL to get the .htm preview file for this notebook.
- requirements_url : string
Time-limited URL to get the requirements.txt file for this notebook.
- file_id : string
The file ID for the S3 file containing the .ipynb file.
- requirements_file_id : string
The file ID for the S3 file containing the requirements.txt file.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to.
- memory : integer
The amount of memory allocated to the notebook.
- cpu : integer
The amount of cpu allocated to the the notebook.
- created_at : string/time
- updated_at : string/time
- most_recent_deployment : dict::
- deployment_id : integer
- The ID for this deployment.
- user_id : integer
- The ID of the owner.
- host : string
- Domain of the deployment.
- name : string
- Name of the deployment.
- docker_image_name : string
- The name of the docker image to pull from DockerHub.
- docker_image_tag : string
- The tag of the docker image to pull from DockerHub (default: latest).
- display_url : string
- A signed URL for viewing the deployed item.
- instance_type : string
- The EC2 instance type requested for the deployment.
- memory : integer
- The memory allocated to the deployment.
- cpu : integer
- The cpu allocated to the deployment.
- state : string
- The state of the deployment.
- state_message : string
- A detailed description of the state.
- created_at : string/time
- updated_at : string/time
- published : boolean
- notebook_id : integer
- The ID of owning Notebook
- credentials : list
A list of credential IDs to pass to the notebook.
- environment_variables : dict
Environment variables to be passed into the Notebook.
- idle_timeout : integer
How long the notebook will stay alive without any kernel activity.
- git_repo_id : integer
The ID of the git repository.
- git_repo_url : string
The url of the git repository
- git_ref : string
The git reference if git repo is specified
- git_path : string
The path to the .ipynb file in the git repo that will be started up on notebook launch
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
-
put_git
(id, *, git_ref='DEFAULT', git_branch='DEFAULT', git_path='DEFAULT', git_repo_url='DEFAULT')¶ Attach this Notebook to a git repo/file
Parameters: - id : integer
The ID of the file.
- git_ref : string, optional
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string, optional
The git branch that the file is on.
- git_path : string, optional
The path of the file in the repository.
- git_repo_url : string, optional
The URL of the git repository.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
put_projects
(id, project_id)¶ Add a Notebook to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Notifications¶
-
class
Notifications
(session_kwargs, return_type='civis')¶ Methods
-
list
(*, last_event_id='DEFAULT', r='DEFAULT', mock='DEFAULT')¶ Receive a stream of notifications as they come in
Parameters: - last_event_id : string, optional
allows browser to keep track of last event fired
- r : string, optional
specifies retry/reconnect timeout
- mock : string, optional
used for testing
Returns: - None
Response code 200: success
-
Ontology¶
Predictions¶
-
class
Predictions
(session_kwargs, return_type='civis')¶ Methods
-
delete_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the prediction.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
-
get
(id)¶ Show the specified prediction
Parameters: - id : integer
The ID of the prediction.
Returns: - id : integer
The ID of the prediction.
- model_id : integer
The ID of the model used for this prediction.
- scored_table_id : integer
The ID of the source table for this prediction.
- scored_table_name : string
The name of the source table for this prediction.
- output_table_name : string
The name of the output table for this prediction.
- state : string
The state of the last run of this prediction.
- error : string
The error, if any, of the last run of this prediction.
- started_at : string/date-time
The start time of the last run of this prediction.
- finished_at : string/date-time
The end time of the last run of this prediction.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- scored_tables : list::
An array of created prediction tables. - id : integer
The ID of the table with created predictions.
- schema : string
The schema of table with created predictions.
- name : string
The name of table with created predictions.
- created_at : string/date-time
The time when the table with created predictions was created.
- score_stats : list::
An array of metrics on the created predictions. - score_name : string
The name of the score.
- histogram : list
- The histogram of the distribution of scores.
- avg_score : number/float
- The average score.
- min_score : number/float
- The minimum score.
- max_score : number/float
- The maximum score.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- limiting_sql : string
A SQL WHERE clause used to scope the rows to be predicted.
- primary_key : list
The primary key or composite keys of the table being predicted.
-
get_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the prediction.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the prediction run.
- prediction_id : integer
The ID of the prediction.
- state : string
The state of the prediction run.
- exception : string
The exception, if any, returned by the prediction run.
- name : string
The name of table created by this predictions run.
- created_at : string/date-time
The time when the table with created predictions was created.
- score_stats : list::
An array of metrics on the created predictions. - score_name : string
The name of the score.
- histogram : list
- The histogram of the distribution of scores.
- avg_score : number/float
- The average score.
- min_score : number/float
- The minimum score.
- max_score : number/float
- The maximum score.
-
list
(*, model_id='DEFAULT')¶ List predictions
Parameters: - model_id : integer, optional
If specified, only return predictions associated with this model ID.
Returns: - id : integer
The ID of the prediction.
- model_id : integer
The ID of the model used for this prediction.
- scored_table_id : integer
The ID of the source table for this prediction.
- scored_table_name : string
The name of the source table for this prediction.
- output_table_name : string
The name of the output table for this prediction.
- state : string
The state of the last run of this prediction.
- error : string
The error, if any, of the last run of this prediction.
- started_at : string/date-time
The start time of the last run of this prediction.
- finished_at : string/date-time
The end time of the last run of this prediction.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
-
list_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given prediction
Parameters: - id : integer
The ID of the prediction.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the prediction run.
- prediction_id : integer
The ID of the prediction.
- state : string
The state of the prediction run.
- exception : string
The exception, if any, returned by the prediction run.
- name : string
The name of table created by this predictions run.
- created_at : string/date-time
The time when the table with created predictions was created.
- score_stats : list::
An array of metrics on the created predictions. - score_name : string
The name of the score.
- histogram : list
- The histogram of the distribution of scores.
- avg_score : number/float
- The average score.
- min_score : number/float
- The minimum score.
- max_score : number/float
- The maximum score.
-
list_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the prediction.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_schedules
(id)¶ Show the prediction schedule
Parameters: - id : integer
ID of the prediction associated with this schedule.
Returns: - id : integer
ID of the prediction associated with this schedule.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- score_on_model_build : boolean
Whether the prediction will run after a rebuild of the associated model.
-
patch
(id, *, output_table_name='DEFAULT', limiting_sql='DEFAULT', primary_key='DEFAULT')¶ Update a prediction
Parameters: - id : integer
The ID of the prediction.
- output_table_name : string, optional
The name of the output table for this prediction.
- limiting_sql : string, optional
A SQL WHERE clause used to scope the rows to be predicted.
- primary_key : list, optional
The primary key or composite keys of the table being predicted.
Returns: - id : integer
The ID of the prediction.
- model_id : integer
The ID of the model used for this prediction.
- scored_table_id : integer
The ID of the source table for this prediction.
- scored_table_name : string
The name of the source table for this prediction.
- output_table_name : string
The name of the output table for this prediction.
- state : string
The state of the last run of this prediction.
- error : string
The error, if any, of the last run of this prediction.
- started_at : string/date-time
The start time of the last run of this prediction.
- finished_at : string/date-time
The end time of the last run of this prediction.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- scored_tables : list::
An array of created prediction tables. - id : integer
The ID of the table with created predictions.
- schema : string
The schema of table with created predictions.
- name : string
The name of table with created predictions.
- created_at : string/date-time
The time when the table with created predictions was created.
- score_stats : list::
An array of metrics on the created predictions. - score_name : string
The name of the score.
- histogram : list
- The histogram of the distribution of scores.
- avg_score : number/float
- The average score.
- min_score : number/float
- The minimum score.
- max_score : number/float
- The maximum score.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- limiting_sql : string
A SQL WHERE clause used to scope the rows to be predicted.
- primary_key : list
The primary key or composite keys of the table being predicted.
-
post_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the prediction.
Returns: - id : integer
The ID of the prediction run.
- prediction_id : integer
The ID of the prediction.
- state : string
The state of the prediction run.
- exception : string
The exception, if any, returned by the prediction run.
- name : string
The name of table created by this predictions run.
- created_at : string/date-time
The time when the table with created predictions was created.
- score_stats : list::
An array of metrics on the created predictions. - score_name : string
The name of the score.
- histogram : list
- The histogram of the distribution of scores.
- avg_score : number/float
- The average score.
- min_score : number/float
- The minimum score.
- max_score : number/float
- The maximum score.
-
put_schedules
(id, *, schedule='DEFAULT', score_on_model_build='DEFAULT')¶ Schedule the prediction
Parameters: - id : integer
ID of the prediction associated with this schedule.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- score_on_model_build : boolean, optional
Whether the prediction will run after a rebuild of the associated model.
Returns: - id : integer
ID of the prediction associated with this schedule.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- score_on_model_build : boolean
Whether the prediction will run after a rebuild of the associated model.
-
Projects¶
-
class
Projects
(session_kwargs, return_type='civis')¶ Methods
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(project_id)¶ Get a detailed view of a project and the objects in it
Parameters: - project_id : integer
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- tables : list::
- schema : string
- name : string
- row_count : integer
- column_count : integer
- created_at : string/time
- updated_at : string/time
- surveys : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- scripts : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- type : string
- finished_at : string/time
- state : string
- imports : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- type : string
- finished_at : string/time
- state : string
- models : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- notebooks : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- current_deployment_id : integer
- services : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- current_deployment_id : integer
- workflows : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- reports : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- script_templates : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- files : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- file_name : string
- file_size : integer
- expired : boolean
- app_instances : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- slug : string
- all_objects : list::
- project_id : integer
- object_id : integer
- object_type : string
- fco_type : string
- sub_type : string
- name : string
- icon : string
- author : string
- archived : string
- The archival status of the requested item(s).
- note : string
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
-
list
(*, author='DEFAULT', permission='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List projects
Parameters: - author : string, optional
If specified, return projects owned by this author. It accepts a comma- separated list of author ids.
- permission : string, optional
A permissions string, one of “read”, “write”, or “manage”. Lists only projects for which the current user has that permission.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 1000.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
post
(name, description, *, note='DEFAULT', hidden='DEFAULT')¶ Create a project
Parameters: - name : string
The name of this project.
- description : string
A description of the project.
- note : string, optional
Notes for the project.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- tables : list::
- schema : string
- name : string
- row_count : integer
- column_count : integer
- created_at : string/time
- updated_at : string/time
- surveys : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- scripts : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- type : string
- finished_at : string/time
- state : string
- imports : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- type : string
- finished_at : string/time
- state : string
- models : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- notebooks : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- current_deployment_id : integer
- services : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- current_deployment_id : integer
- workflows : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- reports : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- script_templates : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- files : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- file_name : string
- file_size : integer
- expired : boolean
- app_instances : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- slug : string
- all_objects : list::
- project_id : integer
- object_id : integer
- object_type : string
- fco_type : string
- sub_type : string
- name : string
- icon : string
- author : string
- archived : string
- The archival status of the requested item(s).
- note : string
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
-
put
(project_id, *, name='DEFAULT', description='DEFAULT', note='DEFAULT')¶ Update a project
Parameters: - project_id : integer
- name : string, optional
The name of this project.
- description : string, optional
A description of the project.
- note : string, optional
Notes for the project.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- tables : list::
- schema : string
- name : string
- row_count : integer
- column_count : integer
- created_at : string/time
- updated_at : string/time
- surveys : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- scripts : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- type : string
- finished_at : string/time
- state : string
- imports : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- type : string
- finished_at : string/time
- state : string
- models : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- notebooks : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- current_deployment_id : integer
- services : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- current_deployment_id : integer
- workflows : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- reports : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- script_templates : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- files : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- file_name : string
- file_size : integer
- expired : boolean
- app_instances : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- slug : string
- all_objects : list::
- project_id : integer
- object_id : integer
- object_type : string
- fco_type : string
- sub_type : string
- name : string
- icon : string
- author : string
- archived : string
- The archival status of the requested item(s).
- note : string
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
-
put_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- tables : list::
- schema : string
- name : string
- row_count : integer
- column_count : integer
- created_at : string/time
- updated_at : string/time
- surveys : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- scripts : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- type : string
- finished_at : string/time
- state : string
- imports : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- type : string
- finished_at : string/time
- state : string
- models : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- notebooks : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- current_deployment_id : integer
- services : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- current_deployment_id : integer
- workflows : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- reports : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- state : string
- script_templates : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- files : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- file_name : string
- file_size : integer
- expired : boolean
- app_instances : list::
- id : integer
- The item’s ID.
- created_at : string/time
- updated_at : string/time
- name : string
- slug : string
- all_objects : list::
- project_id : integer
- object_id : integer
- object_type : string
- fco_type : string
- sub_type : string
- name : string
- icon : string
- author : string
- archived : string
- The archival status of the requested item(s).
- note : string
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Queries¶
-
class
Queries
(session_kwargs, return_type='civis')¶ Methods
-
delete_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the query.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
-
get
(id)¶ Get details about a query
Parameters: - id : integer
The query ID.
Returns: - id : integer
The query ID.
- database : integer
The database ID.
- sql : string
The SQL to execute.
- credential : integer
The credential ID.
- result_rows : list
A preview of rows returned by the query.
- result_columns : list
A preview of columns returned by the query.
- script_id : integer
The ID of the script associated with this query.
- exception : string
Deprecated and not used.
- error : string
The error message for this run, if present.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- hidden : boolean
The hidden status of the item.
- name : string
The name of the query.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- started_at : string/date-time
The start time of the last run.
- report_id : integer
The ID of the report associated with this query.
-
get_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the query.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- query_id : integer
The ID of the query.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list
(*, database_id='DEFAULT', author_id='DEFAULT', created_before='DEFAULT', exclude_results='DEFAULT', hidden='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List
Parameters: - database_id : integer, optional
The database ID.
- author_id : integer, optional
The author of the query.
- created_before : string, optional
An upper bound for the creation date of the query.
- exclude_results : boolean, optional
If true, does not return cached query results.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The query ID.
- database : integer
The database ID.
- sql : string
The SQL to execute.
- credential : integer
The credential ID.
- result_rows : list
A preview of rows returned by the query.
- result_columns : list
A preview of columns returned by the query.
- script_id : integer
The ID of the script associated with this query.
- exception : string
Deprecated and not used.
- error : string
The error message for this run, if present.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- preview_rows : integer
The number of rows to save from the query’s result (maximum: 100).
- started_at : string/date-time
The start time of the last run.
- report_id : integer
The ID of the report associated with this query.
-
list_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given query
Parameters: - id : integer
The ID of the query.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- query_id : integer
The ID of the query.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the query.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
post
(database, sql, preview_rows, *, credential='DEFAULT', hidden='DEFAULT', interactive='DEFAULT', include_header='DEFAULT', compression='DEFAULT', column_delimiter='DEFAULT', unquoted='DEFAULT', filename_prefix='DEFAULT')¶ Execute a query
Parameters: - database : integer
The database ID.
- sql : string
The SQL to execute.
- preview_rows : integer
The number of rows to save from the query’s result (maximum: 100).
- credential : integer, optional
The credential ID.
- hidden : boolean, optional
The hidden status of the item.
- interactive : boolean, optional
Deprecated and not used.
- include_header : boolean, optional
Whether the CSV output should include a header row [default: true].
- compression : string, optional
The type of compression. One of gzip or zip, or none [default: gzip].
- column_delimiter : string, optional
The delimiter to use. One of comma or tab, or pipe [default: comma].
- unquoted : boolean, optional
If true, will not quote fields.
- filename_prefix : string, optional
The output filename prefix.
Returns: - id : integer
The query ID.
- database : integer
The database ID.
- sql : string
The SQL to execute.
- credential : integer
The credential ID.
- result_rows : list
A preview of rows returned by the query.
- result_columns : list
A preview of columns returned by the query.
- script_id : integer
The ID of the script associated with this query.
- exception : string
Deprecated and not used.
- error : string
The error message for this run, if present.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- hidden : boolean
The hidden status of the item.
- interactive : boolean
Deprecated and not used.
- preview_rows : integer
The number of rows to save from the query’s result (maximum: 100).
- include_header : boolean
Whether the CSV output should include a header row [default: true].
- compression : string
The type of compression. One of gzip or zip, or none [default: gzip].
- column_delimiter : string
The delimiter to use. One of comma or tab, or pipe [default: comma].
- unquoted : boolean
If true, will not quote fields.
- filename_prefix : string
The output filename prefix.
- started_at : string/date-time
The start time of the last run.
- report_id : integer
The ID of the report associated with this query.
-
post_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the query.
Returns: - id : integer
The ID of the run.
- query_id : integer
The ID of the query.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
put_scripts
(id, script_id)¶ Update the query’s associated script
Parameters: - id : integer
The query ID.
- script_id : integer
The ID of the script associated with this query.
Returns: - id : integer
The query ID.
- database : integer
The database ID.
- sql : string
The SQL to execute.
- credential : integer
The credential ID.
- result_rows : list
A preview of rows returned by the query.
- result_columns : list
A preview of columns returned by the query.
- script_id : integer
The ID of the script associated with this query.
- exception : string
Deprecated and not used.
- error : string
The error message for this run, if present.
- created_at : string/time
- updated_at : string/time
- finished_at : string/date-time
The end time of the last run.
- state : string
The state of the last run.
- last_run_id : integer
The ID of the last run.
- hidden : boolean
The hidden status of the item.
- name : string
The name of the query.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- started_at : string/date-time
The start time of the last run.
- report_id : integer
The ID of the report associated with this query.
-
Remote_Hosts¶
-
civis.resources._resources.
Remote_Hosts
¶ alias of
civis.resources._resources.RemoteHosts
Reports¶
-
class
Reports
(session_kwargs, return_type='civis')¶ Methods
-
delete_grants
(id)¶ Revoke permission for this report to perform Civis platform API operations on your behalf
Parameters: - id : integer
The ID of this report.
Returns: - None
Response code 204: success
-
delete_projects
(id, project_id)¶ Remove a Report from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Show a single report
Parameters: - id : integer
The ID of this report.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
get_git_commits
(id, commit_hash)¶ Get file contents at commit_hash
Parameters: - id : integer
The ID of the file.
- commit_hash : string
The SHA (full or shortened) of the desired git commit.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
get_services
(id)¶ Show a single service report
Parameters: - id : integer
The ID of this report.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- host : string
The host for the service report
- display_url : string
The URL to display the service report.
- service_id : integer
The id of the backing service
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
-
list
(*, type='DEFAULT', author='DEFAULT', template_id='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List
Parameters: - type : string, optional
If specified, return report of these types. It accepts a comma-separated list, possible values are ‘tableau’ or ‘other’.
- author : string, optional
If specified, return reports from this author. It accepts a comma-separated list of author ids.
- template_id : integer, optional
If specified, return reports using the provided Template.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
-
list_git
(id)¶ Get the git metadata attached to this Report
Parameters: - id : integer
The ID of the file.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
list_git_commits
(id)¶ Get the git commits for this Report
Parameters: - id : integer
The ID of the file.
Returns: - commit_hash : string
The SHA of the commit.
- author_name : string
The name of the commit’s author.
- date : string/time
The commit’s timestamp.
- message : string
The commit message.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a Report belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_snapshots
(id)¶ Get details about the report’s snapshot automation settings
Parameters: - id : integer
The ID of this report.
Returns: - id : integer
The ID of this report.
- state : string
The status of the job’s last run.
- finished_at : string/time
The time that the job’s last run finished.
- send_email_on_completion : boolean
Whether the job will send emails on completion.
- email_template : string
Custom email template.
- recipient_email_addresses : string
Email addresses to send report to, comma separated.
- email_subject : string
Subject for Email.
- height : integer
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this snapshot.
-
patch
(id, *, name='DEFAULT', script_id='DEFAULT', code_body='DEFAULT', config='DEFAULT', app_state='DEFAULT', provide_api_key='DEFAULT', template_id='DEFAULT', use_viewers_tableau_username='DEFAULT')¶ Update a report
Parameters: - id : integer
The ID of the report to modify.
- name : string, optional
The name of the report.
- script_id : integer, optional
The ID of the job (a script or a query) used to create this report.
- code_body : string, optional
The code for the report visualization.
- config : string, optional
- app_state : dict, optional
The application state blob for this report.
- provide_api_key : boolean, optional
Allow the report to provide an API key to front-end code.
- template_id : integer, optional
The ID of the template used for this report. If null is passed, no template will back this report. Changes to the backing template will reset the report appState.
- use_viewers_tableau_username : boolean, optional
Apply user level filtering on Tableau reports.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
patch_services
(id, *, name='DEFAULT', provide_api_key='DEFAULT')¶ Update some attributes of this service report
Parameters: - id : integer
The ID of this report.
- name : string, optional
The name of the service report.
- provide_api_key : boolean, optional
Whether the report requests an API Key from the report viewer.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- host : string
The host for the service report
- display_url : string
The URL to display the service report.
- service_id : integer
The id of the backing service
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
-
patch_snapshots
(id, *, state='DEFAULT', finished_at='DEFAULT', send_email_on_completion='DEFAULT', email_template='DEFAULT', recipient_email_addresses='DEFAULT', email_subject='DEFAULT', height='DEFAULT', width='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT')¶ Update the report’s snapshot automation settings
Parameters: - id : integer
The ID of this report.
- state : string, optional
The status of the job’s last run.
- finished_at : string/time, optional
The time that the job’s last run finished.
- send_email_on_completion : boolean, optional
Whether the job will send emails on completion.
- email_template : string, optional
Custom email template.
- recipient_email_addresses : string, optional
Email addresses to send report to, comma separated.
- email_subject : string, optional
Subject for Email.
- height : integer, optional
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer, optional
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
The ID of the parent job that will trigger this snapshot.
Returns: - id : integer
The ID of this report.
- state : string
The status of the job’s last run.
- finished_at : string/time
The time that the job’s last run finished.
- send_email_on_completion : boolean
Whether the job will send emails on completion.
- email_template : string
Custom email template.
- recipient_email_addresses : string
Email addresses to send report to, comma separated.
- email_subject : string
Subject for Email.
- height : integer
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this snapshot.
-
post
(*, script_id='DEFAULT', name='DEFAULT', code_body='DEFAULT', app_state='DEFAULT', provide_api_key='DEFAULT', template_id='DEFAULT', hidden='DEFAULT')¶ Create a report
Parameters: - script_id : integer, optional
The ID of the job (a script or a query) used to create this report.
- name : string, optional
The name of the report.
- code_body : string, optional
The code for the report visualization.
- app_state : dict, optional
Any application state blob for this report.
- provide_api_key : boolean, optional
Allow the report to provide an API key to front-end code.
- template_id : integer, optional
The ID of the template used for this report.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
post_git_commits
(id, content, message, file_hash)¶ Commit and push a new version of the file
Parameters: - id : integer
The ID of the file.
- content : string
The contents to commit to the file.
- message : string
A commit message describing the changes being made.
- file_hash : string
The full SHA of the file being replaced.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
post_grants
(id)¶ Grant this report the ability to perform Civis platform API operations on your behalf
Parameters: - id : integer
The ID of this report.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
post_services
(service_id, *, provide_api_key='DEFAULT')¶ Create a service report
Parameters: - service_id : integer
The id of the backing service
- provide_api_key : boolean, optional
Whether the report requests an API Key from the report viewer.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- host : string
The host for the service report
- display_url : string
The URL to display the service report.
- service_id : integer
The id of the backing service
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
-
post_snapshots
(id, *, state='DEFAULT', finished_at='DEFAULT', send_email_on_completion='DEFAULT', email_template='DEFAULT', recipient_email_addresses='DEFAULT', email_subject='DEFAULT', height='DEFAULT', width='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT')¶ Generate and optionally email a snapshot of the specified report
Parameters: - id : integer
The ID of this report.
- state : string, optional
The status of the job’s last run.
- finished_at : string/time, optional
The time that the job’s last run finished.
- send_email_on_completion : boolean, optional
Whether the job will send emails on completion.
- email_template : string, optional
Custom email template.
- recipient_email_addresses : string, optional
Email addresses to send report to, comma separated.
- email_subject : string, optional
Subject for Email.
- height : integer, optional
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer, optional
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
The ID of the parent job that will trigger this snapshot.
Returns: - id : integer
The ID of this report.
- state : string
The status of the job’s last run.
- finished_at : string/time
The time that the job’s last run finished.
- send_email_on_completion : boolean
Whether the job will send emails on completion.
- email_template : string
Custom email template.
- recipient_email_addresses : string
Email addresses to send report to, comma separated.
- email_subject : string
Subject for Email.
- height : integer
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this snapshot.
-
put_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
put_git
(id, *, git_ref='DEFAULT', git_branch='DEFAULT', git_path='DEFAULT', git_repo_url='DEFAULT')¶ Attach this Report to a git repo/file
Parameters: - id : integer
The ID of the file.
- git_ref : string, optional
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string, optional
The git branch that the file is on.
- git_path : string, optional
The path of the file in the repository.
- git_repo_url : string, optional
The URL of the git repository.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
put_projects
(id, project_id)¶ Add a Report to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Results¶
-
class
Results
(session_kwargs, return_type='civis')¶ Methods
-
delete_grants
(id)¶ Revoke permission for this report to perform Civis platform API operations on your behalf
Parameters: - id : integer
The ID of this report.
Returns: - None
Response code 204: success
-
delete_projects
(id, project_id)¶ Remove a Report from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Show a single report
Parameters: - id : integer
The ID of this report.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
get_git_commits
(id, commit_hash)¶ Get file contents at commit_hash
Parameters: - id : integer
The ID of the file.
- commit_hash : string
The SHA (full or shortened) of the desired git commit.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
get_services
(id)¶ Show a single service report
Parameters: - id : integer
The ID of this report.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- host : string
The host for the service report
- display_url : string
The URL to display the service report.
- service_id : integer
The id of the backing service
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
-
list
(*, type='DEFAULT', author='DEFAULT', template_id='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List
Parameters: - type : string, optional
If specified, return report of these types. It accepts a comma-separated list, possible values are ‘tableau’ or ‘other’.
- author : string, optional
If specified, return reports from this author. It accepts a comma-separated list of author ids.
- template_id : integer, optional
If specified, return reports using the provided Template.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
-
list_git
(id)¶ Get the git metadata attached to this Report
Parameters: - id : integer
The ID of the file.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
list_git_commits
(id)¶ Get the git commits for this Report
Parameters: - id : integer
The ID of the file.
Returns: - commit_hash : string
The SHA of the commit.
- author_name : string
The name of the commit’s author.
- date : string/time
The commit’s timestamp.
- message : string
The commit message.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a Report belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_snapshots
(id)¶ Get details about the report’s snapshot automation settings
Parameters: - id : integer
The ID of this report.
Returns: - id : integer
The ID of this report.
- state : string
The status of the job’s last run.
- finished_at : string/time
The time that the job’s last run finished.
- send_email_on_completion : boolean
Whether the job will send emails on completion.
- email_template : string
Custom email template.
- recipient_email_addresses : string
Email addresses to send report to, comma separated.
- email_subject : string
Subject for Email.
- height : integer
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this snapshot.
-
patch
(id, *, name='DEFAULT', script_id='DEFAULT', code_body='DEFAULT', config='DEFAULT', app_state='DEFAULT', provide_api_key='DEFAULT', template_id='DEFAULT', use_viewers_tableau_username='DEFAULT')¶ Update a report
Parameters: - id : integer
The ID of the report to modify.
- name : string, optional
The name of the report.
- script_id : integer, optional
The ID of the job (a script or a query) used to create this report.
- code_body : string, optional
The code for the report visualization.
- config : string, optional
- app_state : dict, optional
The application state blob for this report.
- provide_api_key : boolean, optional
Allow the report to provide an API key to front-end code.
- template_id : integer, optional
The ID of the template used for this report. If null is passed, no template will back this report. Changes to the backing template will reset the report appState.
- use_viewers_tableau_username : boolean, optional
Apply user level filtering on Tableau reports.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
patch_services
(id, *, name='DEFAULT', provide_api_key='DEFAULT')¶ Update some attributes of this service report
Parameters: - id : integer
The ID of this report.
- name : string, optional
The name of the service report.
- provide_api_key : boolean, optional
Whether the report requests an API Key from the report viewer.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- host : string
The host for the service report
- display_url : string
The URL to display the service report.
- service_id : integer
The id of the backing service
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
-
patch_snapshots
(id, *, state='DEFAULT', finished_at='DEFAULT', send_email_on_completion='DEFAULT', email_template='DEFAULT', recipient_email_addresses='DEFAULT', email_subject='DEFAULT', height='DEFAULT', width='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT')¶ Update the report’s snapshot automation settings
Parameters: - id : integer
The ID of this report.
- state : string, optional
The status of the job’s last run.
- finished_at : string/time, optional
The time that the job’s last run finished.
- send_email_on_completion : boolean, optional
Whether the job will send emails on completion.
- email_template : string, optional
Custom email template.
- recipient_email_addresses : string, optional
Email addresses to send report to, comma separated.
- email_subject : string, optional
Subject for Email.
- height : integer, optional
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer, optional
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
The ID of the parent job that will trigger this snapshot.
Returns: - id : integer
The ID of this report.
- state : string
The status of the job’s last run.
- finished_at : string/time
The time that the job’s last run finished.
- send_email_on_completion : boolean
Whether the job will send emails on completion.
- email_template : string
Custom email template.
- recipient_email_addresses : string
Email addresses to send report to, comma separated.
- email_subject : string
Subject for Email.
- height : integer
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this snapshot.
-
post
(*, script_id='DEFAULT', name='DEFAULT', code_body='DEFAULT', app_state='DEFAULT', provide_api_key='DEFAULT', template_id='DEFAULT', hidden='DEFAULT')¶ Create a report
Parameters: - script_id : integer, optional
The ID of the job (a script or a query) used to create this report.
- name : string, optional
The name of the report.
- code_body : string, optional
The code for the report visualization.
- app_state : dict, optional
Any application state blob for this report.
- provide_api_key : boolean, optional
Allow the report to provide an API key to front-end code.
- template_id : integer, optional
The ID of the template used for this report.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
post_git_commits
(id, content, message, file_hash)¶ Commit and push a new version of the file
Parameters: - id : integer
The ID of the file.
- content : string
The contents to commit to the file.
- message : string
A commit message describing the changes being made.
- file_hash : string
The full SHA of the file being replaced.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
post_grants
(id)¶ Grant this report the ability to perform Civis platform API operations on your behalf
Parameters: - id : integer
The ID of this report.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
post_services
(service_id, *, provide_api_key='DEFAULT')¶ Create a service report
Parameters: - service_id : integer
The id of the backing service
- provide_api_key : boolean, optional
Whether the report requests an API Key from the report viewer.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- host : string
The host for the service report
- display_url : string
The URL to display the service report.
- service_id : integer
The id of the backing service
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
-
post_snapshots
(id, *, state='DEFAULT', finished_at='DEFAULT', send_email_on_completion='DEFAULT', email_template='DEFAULT', recipient_email_addresses='DEFAULT', email_subject='DEFAULT', height='DEFAULT', width='DEFAULT', schedule='DEFAULT', parent_id='DEFAULT')¶ Generate and optionally email a snapshot of the specified report
Parameters: - id : integer
The ID of this report.
- state : string, optional
The status of the job’s last run.
- finished_at : string/time, optional
The time that the job’s last run finished.
- send_email_on_completion : boolean, optional
Whether the job will send emails on completion.
- email_template : string, optional
Custom email template.
- recipient_email_addresses : string, optional
Email addresses to send report to, comma separated.
- email_subject : string, optional
Subject for Email.
- height : integer, optional
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer, optional
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer, optional
The ID of the parent job that will trigger this snapshot.
Returns: - id : integer
The ID of this report.
- state : string
The status of the job’s last run.
- finished_at : string/time
The time that the job’s last run finished.
- send_email_on_completion : boolean
Whether the job will send emails on completion.
- email_template : string
Custom email template.
- recipient_email_addresses : string
Email addresses to send report to, comma separated.
- email_subject : string
Subject for Email.
- height : integer
The height of the cropped snapshot image in screen pixels. The default value is 900 pixels. Minimum value is 600 pixels.
- width : integer
The width of the cropped snapshot image in screen pixels. The default value is 1440 pixels. Minimum value is 600 pixels.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- parent_id : integer
The ID of the parent job that will trigger this snapshot.
-
put_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID of this report.
- name : string
The name of the report.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- created_at : string/time
- updated_at : string/time
- projects : list::
A list of projects containing the report. - id : integer
The ID for the project.
- name : string
- The name of the project.
- state : string
The status of the report’s last run.
- finished_at : string/time
The time that the report’s last run finished.
- viz_updated_at : string/time
The time that the report’s visualization was last updated.
- script : dict::
- id : integer
- The ID for the script.
- name : string
- The name of the script.
- sql : string
- The raw SQL query for the script.
- job_path : string
The link to details of the job that backs this report.
- tableau_id : integer
- type : string
- template_id : integer
The ID of the template used for this report.
- auth_thumbnail_url : string
URL for a thumbnail of the report.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- auth_data_url : string
- auth_code_url : string
- config : string
Any configuration metadata for this report.
- valid_output_file : boolean
Whether the job (a script or a query) that backs the report currently has a valid output file.
- provide_api_key : boolean
Whether the report requests an API Key from the report viewer.
- api_key : string
A Civis API key that can be used by this report.
- api_key_id : integer
The ID of the API key. Can be used for auditing API use by this report.
- app_state : dict
Any application state blob for this report.
- use_viewers_tableau_username : boolean
Apply user level filtering on Tableau reports.
-
put_git
(id, *, git_ref='DEFAULT', git_branch='DEFAULT', git_path='DEFAULT', git_repo_url='DEFAULT')¶ Attach this Report to a git repo/file
Parameters: - id : integer
The ID of the file.
- git_ref : string, optional
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string, optional
The git branch that the file is on.
- git_path : string, optional
The path of the file in the repository.
- git_repo_url : string, optional
The URL of the git repository.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
put_projects
(id, project_id)¶ Add a Report to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Scripts¶
-
class
Scripts
(session_kwargs, return_type='civis')¶ Methods
-
delete_containers_projects
(id, project_id)¶ Remove a container docker from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_containers_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the container.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_custom_projects
(id, project_id)¶ Remove a Job from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_custom_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the custom.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_javascript_projects
(id, project_id)¶ Remove a scripted sql from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_javascript_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the javascript.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_python3_projects
(id, project_id)¶ Remove a python docker from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_python3_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the python.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_r_projects
(id, project_id)¶ Remove a r docker from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_r_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the r.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_sql_projects
(id, project_id)¶ Remove a scripts from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
delete_sql_runs
(id, run_id)¶ Cancel a run
Parameters: - id : integer
The ID of the sql.
- run_id : integer
The ID of the run.
Returns: - None
Response code 202: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Get details about a script
Parameters: - id : integer
The ID for the script.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of script.
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time this script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- sql : string
The raw SQL query for the script.
- expanded_arguments : dict
Expanded arguments for use in injecting into different environments.
- template_script_id : integer
The ID of the template script, if any.
-
get_containers
(id)¶ View a container
Parameters: - id : integer
The ID for the script.
Returns: - id : integer
The ID for the script.
- name : string
The name of the container.
- type : string
The type of the script (e.g Container)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- template_dependents_count : integer
How many other scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- repo_http_uri : string
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- time_zone : string
The time zone of this script.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
get_containers_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the container.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- container_id : integer
The ID of the container.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_custom
(id)¶ Get a Custom Script
Parameters: - id : integer
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g Custom)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- ui_report_url : integer
The url of the custom HTML.
- ui_report_id : integer
The id of the report with the custom HTML.
- ui_report_provide_api_key : boolean
Whether the ui report requests an API Key from the report viewer.
- template_script_name : string
The name of the template script.
- template_note : string
The template’s note.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
get_custom_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the custom.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- custom_id : integer
The ID of the custom.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_javascript
(id)¶ Get a JavaScript Script
Parameters: - id : integer
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- source : string
The body/text of the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
-
get_javascript_git_commits
(id, commit_hash)¶ Get file contents at commit_hash
Parameters: - id : integer
The ID of the file.
- commit_hash : string
The SHA (full or shortened) of the desired git commit.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
get_javascript_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the javascript.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- javascript_id : integer
The ID of the javascript.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_python3
(id)¶ Get a Python Script
Parameters: - id : integer
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
get_python3_git_commits
(id, commit_hash)¶ Get file contents at commit_hash
Parameters: - id : integer
The ID of the file.
- commit_hash : string
The SHA (full or shortened) of the desired git commit.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
get_python3_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the python.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- python_id : integer
The ID of the python.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_r
(id)¶ Get an R Script
Parameters: - id : integer
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
get_r_git_commits
(id, commit_hash)¶ Get file contents at commit_hash
Parameters: - id : integer
The ID of the file.
- commit_hash : string
The SHA (full or shortened) of the desired git commit.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
get_r_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the r.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of the run.
- r_id : integer
The ID of the r.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
get_sql
(id)¶ Get a SQL script
Parameters: - id : integer
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- sql : string
The raw SQL query for the script.
- expanded_arguments : dict
Expanded arguments for use in injecting into different environments.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- csv_settings : dict::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
-
get_sql_git_commits
(id, commit_hash)¶ Get file contents at commit_hash
Parameters: - id : integer
The ID of the file.
- commit_hash : string
The SHA (full or shortened) of the desired git commit.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
get_sql_runs
(id, run_id)¶ Check status of a run
Parameters: - id : integer
The ID of the sql.
- run_id : integer
The ID of the run.
Returns: - id : integer
The ID of this run.
- sql_id : integer
The ID of this sql.
- state : string
The state of this run.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started.
- finished_at : string/time
The time that this run finished.
- error : string
The error message for this run, if present.
- output : list::
A list of the outputs of this script. - output_name : string
The name of the output file.
- file_id : integer
- The unique ID of the output file.
- path : string
- The temporary link to download this output file, valid for 36 hours.
-
list
(*, type='DEFAULT', category='DEFAULT', author='DEFAULT', status='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List scripts
Parameters: - type : string, optional
If specified, return items of these types. The valid types are sql, python3, javascript, r, and containers.
- category : string, optional
A job category for filtering scripts. Must be one of script, import, export, and enhancement.
- author : string, optional
If specified, return items from this author. Must use user IDs. A comma separated list of IDs is also accepted to return items from multiple authors.
- status : string, optional
If specified, returns items with one of these statuses. It accepts a comma- separated list, possible values are ‘running’, ‘failed’, ‘succeeded’, ‘idle’, ‘scheduled’.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at, last_run.updated_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- is_template : boolean
Whether others scripts use this one as a template.
- from_template_id : integer
The ID of the template this script uses, if any.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
- template_script_id : integer
The ID of the template script, if any.
-
list_containers_projects
(id, *, hidden='DEFAULT')¶ List the projects a container docker belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_containers_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given container
Parameters: - id : integer
The ID of the container.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- container_id : integer
The ID of the container.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_containers_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the container.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_containers_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the container script.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_custom
(*, from_template_id='DEFAULT', author='DEFAULT', status='DEFAULT', hidden='DEFAULT', archived='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Custom Scripts
Parameters: - from_template_id : string, optional
If specified, return scripts based on the template with this ID. Specify multiple IDs as a comma-separated list.
- author : string, optional
If specified, return items from this author. Must use user IDs. A comma separated list of IDs is also accepted to return items from multiple authors.
- status : string, optional
If specified, returns items with one of these statuses. It accepts a comma- separated list, possible values are ‘running’, ‘failed’, ‘succeeded’, ‘idle’, ‘scheduled’.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g Custom)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- from_template_id : integer
The ID of the template script.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- archived : string
The archival status of the requested item(s).
-
list_custom_projects
(id, *, hidden='DEFAULT')¶ List the projects a Job belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_custom_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given custom
Parameters: - id : integer
The ID of the custom.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- custom_id : integer
The ID of the custom.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_custom_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the custom.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_custom_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the custom script.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_history
(id)¶ Get the run history and outputs of this script
Parameters: - id : integer
The ID for the script.
Returns: - id : integer
The ID of this run.
- sql_id : integer
The ID of this sql.
- state : string
The state of this run.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- finished_at : string/time
The time that this run finished.
- error : string
The error message for this run, if present.
- output : list::
A list of the outputs of this script. - output_name : string
The name of the output file.
- file_id : integer
- The unique ID of the output file.
- path : string
- The temporary link to download this output file, valid for 36 hours.
-
list_javascript_git
(id)¶ Get the git metadata attached to this scripted sql
Parameters: - id : integer
The ID of the file.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
list_javascript_git_commits
(id)¶ Get the git commits for this scripted sql
Parameters: - id : integer
The ID of the file.
Returns: - commit_hash : string
The SHA of the commit.
- author_name : string
The name of the commit’s author.
- date : string/time
The commit’s timestamp.
- message : string
The commit message.
-
list_javascript_projects
(id, *, hidden='DEFAULT')¶ List the projects a scripted sql belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_javascript_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given javascript
Parameters: - id : integer
The ID of the javascript.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- javascript_id : integer
The ID of the javascript.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_javascript_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the javascript.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_javascript_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the javascript script.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_python3_git
(id)¶ Get the git metadata attached to this python docker
Parameters: - id : integer
The ID of the file.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
list_python3_git_commits
(id)¶ Get the git commits for this python docker
Parameters: - id : integer
The ID of the file.
Returns: - commit_hash : string
The SHA of the commit.
- author_name : string
The name of the commit’s author.
- date : string/time
The commit’s timestamp.
- message : string
The commit message.
-
list_python3_projects
(id, *, hidden='DEFAULT')¶ List the projects a python docker belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_python3_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given python
Parameters: - id : integer
The ID of the python.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- python_id : integer
The ID of the python.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_python3_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the python.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_python3_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the python script.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_r_git
(id)¶ Get the git metadata attached to this r docker
Parameters: - id : integer
The ID of the file.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
list_r_git_commits
(id)¶ Get the git commits for this r docker
Parameters: - id : integer
The ID of the file.
Returns: - commit_hash : string
The SHA of the commit.
- author_name : string
The name of the commit’s author.
- date : string/time
The commit’s timestamp.
- message : string
The commit message.
-
list_r_projects
(id, *, hidden='DEFAULT')¶ List the projects a r docker belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_r_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given r
Parameters: - id : integer
The ID of the r.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the run.
- r_id : integer
The ID of the r.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
list_r_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the r.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_r_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the r script.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_sql_git
(id)¶ Get the git metadata attached to this scripts
Parameters: - id : integer
The ID of the file.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
list_sql_git_commits
(id)¶ Get the git commits for this scripts
Parameters: - id : integer
The ID of the file.
Returns: - commit_hash : string
The SHA of the commit.
- author_name : string
The name of the commit’s author.
- date : string/time
The commit’s timestamp.
- message : string
The commit message.
-
list_sql_projects
(id, *, hidden='DEFAULT')¶ List the projects a scripts belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
list_sql_runs
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List runs for the given sql
Parameters: - id : integer
The ID of the sql.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 100.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of this run.
- sql_id : integer
The ID of this sql.
- state : string
The state of this run.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started.
- finished_at : string/time
The time that this run finished.
- error : string
The error message for this run, if present.
- output : list::
A list of the outputs of this script. - output_name : string
The name of the output file.
- file_id : integer
- The unique ID of the output file.
- path : string
- The temporary link to download this output file, valid for 36 hours.
-
list_sql_runs_logs
(id, run_id, *, last_id='DEFAULT', limit='DEFAULT')¶ Get the logs for a run
Parameters: - id : integer
The ID of the sql.
- run_id : integer
The ID of the run.
- last_id : integer, optional
The ID of the last log message received. Log entries with this ID value or lower will be omitted.Logs are sorted by ID if this value is provided, and are otherwise sorted by createdAt.
- limit : integer, optional
The maximum number of log messages to return. Default of 10000.
Returns: - id : integer
The ID of the log.
- created_at : string/date-time
The time the log was created.
- message : string
The log message.
- level : string
The level of the log. One of unknown,fatal,error,warn,info,debug.
-
list_sql_runs_outputs
(id, run_id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List the outputs for a run
Parameters: - id : integer
The ID of the sql script.
- run_id : integer
The ID of the run.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to created_at. Must be one of: created_at, id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_types
()¶ List available script types
Returns: - name : string
The name of the type.
-
patch
(id, *, name='DEFAULT', sql='DEFAULT', params='DEFAULT', arguments='DEFAULT', template_script_id='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', parent_id='DEFAULT')¶ Update a script
Parameters: - id : integer
The ID for the script.
- name : string, optional
The name of the script.
- sql : string, optional
The raw SQL query for the script.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. Cannot be set if this script uses a template script. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- template_script_id : integer, optional
The ID of the template script, if any. A script cannot both have a template script and be a template for other scripts.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of script.
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time this script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- sql : string
The raw SQL query for the script.
- expanded_arguments : dict
Expanded arguments for use in injecting into different environments.
- template_script_id : integer
The ID of the template script, if any.
-
patch_containers
(id, *, name='DEFAULT', parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', required_resources='DEFAULT', repo_http_uri='DEFAULT', repo_ref='DEFAULT', remote_host_credential_id='DEFAULT', git_credential_id='DEFAULT', docker_command='DEFAULT', docker_image_name='DEFAULT', docker_image_tag='DEFAULT', instance_type='DEFAULT', cancel_timeout='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT')¶ Update a container
Parameters: - id : integer
The ID for the script.
- name : string, optional
The name of the container.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- required_resources : dict, optional::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- whole_instance : boolean
- Whether or not to use the entire instance. If true, cpu, memory, and disk space are not required and will be set to an instance’s max.
- repo_http_uri : string, optional
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string, optional
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer, optional
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer, optional
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string, optional
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_name : string, optional
The name of the docker image to pull from DockerHub.
- docker_image_tag : string, optional
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
Returns: - id : integer
The ID for the script.
- name : string
The name of the container.
- type : string
The type of the script (e.g Container)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- template_dependents_count : integer
How many other scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- repo_http_uri : string
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- time_zone : string
The time zone of this script.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
patch_custom
(id, *, name='DEFAULT', parent_id='DEFAULT', arguments='DEFAULT', remote_host_id='DEFAULT', credential_id='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT')¶ Update some attributes of this Custom Script
Parameters: - id : integer
The ID for the script.
- name : string, optional
The name of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- remote_host_id : integer, optional
The remote host ID that this script will connect to.
- credential_id : integer, optional
The credential that this script will use.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g Custom)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- ui_report_url : integer
The url of the custom HTML.
- ui_report_id : integer
The id of the report with the custom HTML.
- ui_report_provide_api_key : boolean
Whether the ui report requests an API Key from the report viewer.
- template_script_name : string
The name of the template script.
- template_note : string
The template’s note.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
patch_javascript
(id, *, name='DEFAULT', parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT', source='DEFAULT', remote_host_id='DEFAULT', credential_id='DEFAULT')¶ Update some attributes of this JavaScript Script
Parameters: - id : integer
The ID for the script.
- name : string, optional
The name of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- source : string, optional
The body/text of the script.
- remote_host_id : integer, optional
The remote host ID that this script will connect to.
- credential_id : integer, optional
The credential that this script will use.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- source : string
The body/text of the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
-
patch_python3
(id, *, name='DEFAULT', parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT', required_resources='DEFAULT', instance_type='DEFAULT', source='DEFAULT', cancel_timeout='DEFAULT')¶ Update some attributes of this Python Script
Parameters: - id : integer
The ID for the script.
- name : string, optional
The name of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- required_resources : dict, optional::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string, optional
The body/text of the script.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
patch_r
(id, *, name='DEFAULT', parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT', required_resources='DEFAULT', instance_type='DEFAULT', source='DEFAULT', cancel_timeout='DEFAULT')¶ Update some attributes of this R Script
Parameters: - id : integer
The ID for the script.
- name : string, optional
The name of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- required_resources : dict, optional::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string, optional
The body/text of the script.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
patch_sql
(id, *, name='DEFAULT', parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT', sql='DEFAULT', remote_host_id='DEFAULT', credential_id='DEFAULT', csv_settings='DEFAULT')¶ Update some attributes of this SQL script
Parameters: - id : integer
The ID for the script.
- name : string, optional
The name of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- sql : string, optional
The raw SQL query for the script.
- remote_host_id : integer, optional
The remote host ID that this script will connect to.
- credential_id : integer, optional
The credential that this script will use.
- csv_settings : dict, optional::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- sql : string
The raw SQL query for the script.
- expanded_arguments : dict
Expanded arguments for use in injecting into different environments.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- csv_settings : dict::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
-
post
(name, remote_host_id, credential_id, sql, *, params='DEFAULT', arguments='DEFAULT', template_script_id='DEFAULT', notifications='DEFAULT', hidden='DEFAULT')¶ Create a script
Parameters: - name : string
The name of the script.
- remote_host_id : integer
The database ID.
- credential_id : integer
The credential ID.
- sql : string
The raw SQL query for the script.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. Cannot be set if this script uses a template script. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- template_script_id : integer, optional
The ID of the template script, if any. A script cannot both have a template script and be a template for other scripts.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- template_script_id : integer
The ID of the template script, if any.
-
post_cancel
(id)¶ Cancel a run
Parameters: - id : integer
The ID of the job.
Returns: - id : integer
The ID of the run.
- state : string
The state of the run, one of ‘queued’, ‘running’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
-
post_containers
(required_resources, docker_image_name, *, name='DEFAULT', parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', repo_http_uri='DEFAULT', repo_ref='DEFAULT', remote_host_credential_id='DEFAULT', git_credential_id='DEFAULT', docker_command='DEFAULT', docker_image_tag='DEFAULT', instance_type='DEFAULT', cancel_timeout='DEFAULT', time_zone='DEFAULT', hidden='DEFAULT', target_project_id='DEFAULT')¶ Create a container
Parameters: - required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- whole_instance : boolean
- Whether or not to use the entire instance. If true, cpu, memory, and disk space are not required and will be set to an instance’s max.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- name : string, optional
The name of the container.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- repo_http_uri : string, optional
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string, optional
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer, optional
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer, optional
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string, optional
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_tag : string, optional
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- time_zone : string, optional
The time zone of this script.
- hidden : boolean, optional
The hidden status of the item.
- target_project_id : integer, optional
Target project to which script outputs will be added.
Returns: - id : integer
The ID for the script.
- name : string
The name of the container.
- type : string
The type of the script (e.g Container)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- template_dependents_count : integer
How many other scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- repo_http_uri : string
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- time_zone : string
The time zone of this script.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
post_containers_clone
(id, *, clone_schedule='DEFAULT', clone_triggers='DEFAULT', clone_notifications='DEFAULT')¶ Clone this Container Script
Parameters: - id : integer
The ID for the script.
- clone_schedule : boolean, optional
If true, also copy the schedule to the new script.
- clone_triggers : boolean, optional
If true, also copy the triggers to the new script.
- clone_notifications : boolean, optional
If true, also copy the notifications to the new script.
Returns: - id : integer
The ID for the script.
- name : string
The name of the container.
- type : string
The type of the script (e.g Container)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- template_dependents_count : integer
How many other scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- repo_http_uri : string
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- time_zone : string
The time zone of this script.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
post_containers_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the container.
Returns: - id : integer
The ID of the run.
- container_id : integer
The ID of the container.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_containers_runs_logs
(id, run_id, *, message='DEFAULT', level='DEFAULT', messages='DEFAULT', child_job_id='DEFAULT')¶ Add log messages
Parameters: - id : integer
The ID of the script.
- run_id : integer
The ID of the script run.
- message : string, optional
The log message to store.
- level : string, optional
The log level of this message [default: info]
- messages : list, optional::
- message : string
- The log message to store.
- level : string
- The log level of this message [default: info]
- created_at : string/date-time
- child_job_id : integer, optional
The ID of the child job the message came from.
Returns: - None
Response code 204: success
-
post_containers_runs_outputs
(id, run_id, object_type, object_id)¶ Add an output for a run
Parameters: - id : integer
The ID of the container script.
- run_id : integer
The ID of the run.
- object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
-
post_custom
(from_template_id, *, name='DEFAULT', parent_id='DEFAULT', arguments='DEFAULT', remote_host_id='DEFAULT', credential_id='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', time_zone='DEFAULT', hidden='DEFAULT', target_project_id='DEFAULT')¶ Create a Custom Script
Parameters: - from_template_id : integer
The ID of the template script.
- name : string, optional
The name of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- remote_host_id : integer, optional
The remote host ID that this script will connect to.
- credential_id : integer, optional
The credential that this script will use.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- time_zone : string, optional
The time zone of this script.
- hidden : boolean, optional
The hidden status of the item.
- target_project_id : integer, optional
Target project to which script outputs will be added.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g Custom)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- ui_report_url : integer
The url of the custom HTML.
- ui_report_id : integer
The id of the report with the custom HTML.
- ui_report_provide_api_key : boolean
Whether the ui report requests an API Key from the report viewer.
- template_script_name : string
The name of the template script.
- template_note : string
The template’s note.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
post_custom_clone
(id, *, clone_schedule='DEFAULT', clone_triggers='DEFAULT', clone_notifications='DEFAULT')¶ Clone this Custom Script
Parameters: - id : integer
The ID for the script.
- clone_schedule : boolean, optional
If true, also copy the schedule to the new script.
- clone_triggers : boolean, optional
If true, also copy the triggers to the new script.
- clone_notifications : boolean, optional
If true, also copy the notifications to the new script.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g Custom)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- ui_report_url : integer
The url of the custom HTML.
- ui_report_id : integer
The id of the report with the custom HTML.
- ui_report_provide_api_key : boolean
Whether the ui report requests an API Key from the report viewer.
- template_script_name : string
The name of the template script.
- template_note : string
The template’s note.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
post_custom_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the custom.
Returns: - id : integer
The ID of the run.
- custom_id : integer
The ID of the custom.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_custom_runs_outputs
(id, run_id, object_type, object_id)¶ Add an output for a run
Parameters: - id : integer
The ID of the custom script.
- run_id : integer
The ID of the run.
- object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
-
post_javascript
(name, source, remote_host_id, credential_id, *, parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', hidden='DEFAULT', target_project_id='DEFAULT')¶ Create a JavaScript Script
Parameters: - name : string
The name of the script.
- source : string
The body/text of the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- hidden : boolean, optional
The hidden status of the item.
- target_project_id : integer, optional
Target project to which script outputs will be added.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- source : string
The body/text of the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
-
post_javascript_clone
(id, *, clone_schedule='DEFAULT', clone_triggers='DEFAULT', clone_notifications='DEFAULT')¶ Clone this JavaScript Script
Parameters: - id : integer
The ID for the script.
- clone_schedule : boolean, optional
If true, also copy the schedule to the new script.
- clone_triggers : boolean, optional
If true, also copy the triggers to the new script.
- clone_notifications : boolean, optional
If true, also copy the notifications to the new script.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- source : string
The body/text of the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
-
post_javascript_git_commits
(id, content, message, file_hash)¶ Commit and push a new version of the file
Parameters: - id : integer
The ID of the file.
- content : string
The contents to commit to the file.
- message : string
A commit message describing the changes being made.
- file_hash : string
The full SHA of the file being replaced.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
post_javascript_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the javascript.
Returns: - id : integer
The ID of the run.
- javascript_id : integer
The ID of the javascript.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_javascript_runs_outputs
(id, run_id, object_type, object_id)¶ Add an output for a run
Parameters: - id : integer
The ID of the javascript script.
- run_id : integer
The ID of the run.
- object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
-
post_python3
(name, source, *, parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', hidden='DEFAULT', target_project_id='DEFAULT', required_resources='DEFAULT', instance_type='DEFAULT', cancel_timeout='DEFAULT')¶ Create a Python Script
Parameters: - name : string
The name of the script.
- source : string
The body/text of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- hidden : boolean, optional
The hidden status of the item.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- required_resources : dict, optional::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
post_python3_clone
(id, *, clone_schedule='DEFAULT', clone_triggers='DEFAULT', clone_notifications='DEFAULT')¶ Clone this Python Script
Parameters: - id : integer
The ID for the script.
- clone_schedule : boolean, optional
If true, also copy the schedule to the new script.
- clone_triggers : boolean, optional
If true, also copy the triggers to the new script.
- clone_notifications : boolean, optional
If true, also copy the notifications to the new script.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
post_python3_git_commits
(id, content, message, file_hash)¶ Commit and push a new version of the file
Parameters: - id : integer
The ID of the file.
- content : string
The contents to commit to the file.
- message : string
A commit message describing the changes being made.
- file_hash : string
The full SHA of the file being replaced.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
post_python3_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the python.
Returns: - id : integer
The ID of the run.
- python_id : integer
The ID of the python.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_python3_runs_outputs
(id, run_id, object_type, object_id)¶ Add an output for a run
Parameters: - id : integer
The ID of the python script.
- run_id : integer
The ID of the run.
- object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
-
post_r
(name, source, *, parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', hidden='DEFAULT', target_project_id='DEFAULT', required_resources='DEFAULT', instance_type='DEFAULT', cancel_timeout='DEFAULT')¶ Create an R Script
Parameters: - name : string
The name of the script.
- source : string
The body/text of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- hidden : boolean, optional
The hidden status of the item.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- required_resources : dict, optional::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
post_r_clone
(id, *, clone_schedule='DEFAULT', clone_triggers='DEFAULT', clone_notifications='DEFAULT')¶ Clone this R Script
Parameters: - id : integer
The ID for the script.
- clone_schedule : boolean, optional
If true, also copy the schedule to the new script.
- clone_triggers : boolean, optional
If true, also copy the triggers to the new script.
- clone_notifications : boolean, optional
If true, also copy the notifications to the new script.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
post_r_git_commits
(id, content, message, file_hash)¶ Commit and push a new version of the file
Parameters: - id : integer
The ID of the file.
- content : string
The contents to commit to the file.
- message : string
A commit message describing the changes being made.
- file_hash : string
The full SHA of the file being replaced.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
post_r_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the r.
Returns: - id : integer
The ID of the run.
- r_id : integer
The ID of the r.
- state : string
The state of the run, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started at.
- finished_at : string/time
The time the last run completed.
- error : string
The error, if any, returned by the run.
-
post_r_runs_outputs
(id, run_id, object_type, object_id)¶ Add an output for a run
Parameters: - id : integer
The ID of the r script.
- run_id : integer
The ID of the run.
- object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
Returns: - object_type : string
The type of the output. Valid values are File, Table, Report, Project, Credential, or JSONValue
- object_id : integer
The ID of the output.
- name : string
The name of the output.
- link : string
The hypermedia link to the output.
- value : string
-
post_run
(id)¶ Run a script
Parameters: - id : integer
The ID for the script.
Returns: - None
Response code 204: success
-
post_sql
(name, sql, remote_host_id, credential_id, *, parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', hidden='DEFAULT', target_project_id='DEFAULT', csv_settings='DEFAULT')¶ Create a SQL script
Parameters: - name : string
The name of the script.
- sql : string
The raw SQL query for the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- hidden : boolean, optional
The hidden status of the item.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- csv_settings : dict, optional::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- sql : string
The raw SQL query for the script.
- expanded_arguments : dict
Expanded arguments for use in injecting into different environments.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- csv_settings : dict::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
-
post_sql_clone
(id, *, clone_schedule='DEFAULT', clone_triggers='DEFAULT', clone_notifications='DEFAULT')¶ Clone this SQL script
Parameters: - id : integer
The ID for the script.
- clone_schedule : boolean, optional
If true, also copy the schedule to the new script.
- clone_triggers : boolean, optional
If true, also copy the triggers to the new script.
- clone_notifications : boolean, optional
If true, also copy the notifications to the new script.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- sql : string
The raw SQL query for the script.
- expanded_arguments : dict
Expanded arguments for use in injecting into different environments.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- csv_settings : dict::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
-
post_sql_git_commits
(id, content, message, file_hash)¶ Commit and push a new version of the file
Parameters: - id : integer
The ID of the file.
- content : string
The contents to commit to the file.
- message : string
A commit message describing the changes being made.
- file_hash : string
The full SHA of the file being replaced.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
post_sql_runs
(id)¶ Start a run
Parameters: - id : integer
The ID of the sql.
Returns: - id : integer
The ID of this run.
- sql_id : integer
The ID of this sql.
- state : string
The state of this run.
- is_cancel_requested : boolean
True if run cancel requested, else false.
- started_at : string/time
The time the last run started.
- finished_at : string/time
The time that this run finished.
- error : string
The error message for this run, if present.
- output : list::
A list of the outputs of this script. - output_name : string
The name of the output file.
- file_id : integer
- The unique ID of the output file.
- path : string
- The temporary link to download this output file, valid for 36 hours.
-
put_containers
(id, required_resources, docker_image_name, *, name='DEFAULT', parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', repo_http_uri='DEFAULT', repo_ref='DEFAULT', remote_host_credential_id='DEFAULT', git_credential_id='DEFAULT', docker_command='DEFAULT', docker_image_tag='DEFAULT', instance_type='DEFAULT', cancel_timeout='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT')¶ Edit a container
Parameters: - id : integer
The ID for the script.
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- whole_instance : boolean
- Whether or not to use the entire instance. If true, cpu, memory, and disk space are not required and will be set to an instance’s max.
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- name : string, optional
The name of the container.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- repo_http_uri : string, optional
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string, optional
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer, optional
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer, optional
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string, optional
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_tag : string, optional
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
Returns: - id : integer
The ID for the script.
- name : string
The name of the container.
- type : string
The type of the script (e.g Container)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- template_dependents_count : integer
How many other scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- repo_http_uri : string
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- time_zone : string
The time zone of this script.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
put_containers_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the script.
- name : string
The name of the container.
- type : string
The type of the script (e.g Container)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- template_dependents_count : integer
How many other scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB).
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- repo_http_uri : string
The location of a github repo to clone into the container, e.g. github.com/my-user/my-repo.git.
- repo_ref : string
The tag or branch of the github repo to clone into the container.
- remote_host_credential_id : integer
The id of the database credentials to pass into the environment of the container.
- git_credential_id : integer
The id of the git credential to be used when checking out the specified git repo. If not supplied, the first git credential you’ve submitted will be used. Unnecessary if no git repo is specified or the git repo is public.
- docker_command : string
The command to run on the container. Will be run via sh as: [“sh”, “-c”, dockerCommand].
- docker_image_name : string
The name of the docker image to pull from DockerHub.
- docker_image_tag : string
The tag of the docker image to pull from DockerHub (default: latest).
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- time_zone : string
The time zone of this script.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
put_containers_projects
(id, project_id)¶ Add a container docker to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_custom
(id, *, name='DEFAULT', parent_id='DEFAULT', arguments='DEFAULT', remote_host_id='DEFAULT', credential_id='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT')¶ Replace all attributes of this Custom Script
Parameters: - id : integer
The ID for the script.
- name : string, optional
The name of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- remote_host_id : integer, optional
The remote host ID that this script will connect to.
- credential_id : integer, optional
The credential that this script will use.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g Custom)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- ui_report_url : integer
The url of the custom HTML.
- ui_report_id : integer
The id of the report with the custom HTML.
- ui_report_provide_api_key : boolean
Whether the ui report requests an API Key from the report viewer.
- template_script_name : string
The name of the template script.
- template_note : string
The template’s note.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
put_custom_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g Custom)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template script.
- ui_report_url : integer
The url of the custom HTML.
- ui_report_id : integer
The id of the report with the custom HTML.
- ui_report_provide_api_key : boolean
Whether the ui report requests an API Key from the report viewer.
- template_script_name : string
The name of the template script.
- template_note : string
The template’s note.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- archived : string
The archival status of the requested item(s).
- target_project_id : integer
Target project to which script outputs will be added.
-
put_custom_projects
(id, project_id)¶ Add a Job to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_javascript
(id, name, source, remote_host_id, credential_id, *, parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT')¶ Replace all attributes of this JavaScript Script
Parameters: - id : integer
The ID for the script.
- name : string
The name of the script.
- source : string
The body/text of the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- source : string
The body/text of the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
-
put_javascript_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- source : string
The body/text of the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
-
put_javascript_git
(id, *, git_ref='DEFAULT', git_branch='DEFAULT', git_path='DEFAULT', git_repo_url='DEFAULT')¶ Attach this scripted sql to a git repo/file
Parameters: - id : integer
The ID of the file.
- git_ref : string, optional
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string, optional
The git branch that the file is on.
- git_path : string, optional
The path of the file in the repository.
- git_repo_url : string, optional
The URL of the git repository.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
put_javascript_projects
(id, project_id)¶ Add a scripted sql to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_python3
(id, name, source, *, parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT', required_resources='DEFAULT', instance_type='DEFAULT', cancel_timeout='DEFAULT')¶ Replace all attributes of this Python Script
Parameters: - id : integer
The ID for the script.
- name : string
The name of the script.
- source : string
The body/text of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- required_resources : dict, optional::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
put_python3_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
put_python3_git
(id, *, git_ref='DEFAULT', git_branch='DEFAULT', git_path='DEFAULT', git_repo_url='DEFAULT')¶ Attach this python docker to a git repo/file
Parameters: - id : integer
The ID of the file.
- git_ref : string, optional
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string, optional
The git branch that the file is on.
- git_path : string, optional
The path of the file in the repository.
- git_repo_url : string, optional
The URL of the git repository.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
put_python3_projects
(id, project_id)¶ Add a python docker to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_r
(id, name, source, *, parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT', required_resources='DEFAULT', instance_type='DEFAULT', cancel_timeout='DEFAULT')¶ Replace all attributes of this R Script
Parameters: - id : integer
The ID for the script.
- name : string
The name of the script.
- source : string
The body/text of the script.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- required_resources : dict, optional::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string, optional
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- cancel_timeout : integer, optional
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
put_r_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- required_resources : dict::
- cpu : integer
- The number of CPU shares to allocate for the container. Each core has 1024 shares. Must be at least 2 shares.
- memory : integer
- The amount of RAM to allocate for the container (in MiB). Must be at least 4 MiB.
- disk_space : number/float
- The amount of disk space, in GB, to allocate for the container. This space will be used to hold the git repo configured for the container and anything your container writes to /tmp or /data. Fractional values (e.g. 0.25) are supported.
- instance_type : string
The EC2 instance type to deploy to. Only available for jobs running on kubernetes.
- source : string
The body/text of the script.
- cancel_timeout : integer
The amount of time (in seconds) to wait before forcibly terminating the script. When the script is cancelled, it is first sent a TERM signal. If the script is still running after the timeout, it is sent a KILL signal. Defaults to 0.
-
put_r_git
(id, *, git_ref='DEFAULT', git_branch='DEFAULT', git_path='DEFAULT', git_repo_url='DEFAULT')¶ Attach this r docker to a git repo/file
Parameters: - id : integer
The ID of the file.
- git_ref : string, optional
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string, optional
The git branch that the file is on.
- git_path : string, optional
The path of the file in the repository.
- git_repo_url : string, optional
The URL of the git repository.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
put_r_projects
(id, project_id)¶ Add a r docker to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_sql
(id, name, sql, remote_host_id, credential_id, *, parent_id='DEFAULT', user_context='DEFAULT', params='DEFAULT', arguments='DEFAULT', schedule='DEFAULT', notifications='DEFAULT', next_run_at='DEFAULT', time_zone='DEFAULT', target_project_id='DEFAULT', csv_settings='DEFAULT')¶ Replace all attributes of this SQL script
Parameters: - id : integer
The ID for the script.
- name : string
The name of the script.
- sql : string
The raw SQL query for the script.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- parent_id : integer, optional
The ID of the parent job that will trigger this script
- user_context : string, optional
“runner” or “author”, who to execute the script as when run as a template.
- params : list, optional::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict, optional
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- next_run_at : string/time, optional
The time of the next scheduled run.
- time_zone : string, optional
The time zone of this script.
- target_project_id : integer, optional
Target project to which script outputs will be added.
- csv_settings : dict, optional::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- sql : string
The raw SQL query for the script.
- expanded_arguments : dict
Expanded arguments for use in injecting into different environments.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- csv_settings : dict::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
-
put_sql_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for the script.
- name : string
The name of the script.
- type : string
The type of the script (e.g SQL, Container, Python, R, JavaScript)
- created_at : string/time
The time this script was created.
- updated_at : string/time
The time the script was last updated.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The status of the script’s last run.
- finished_at : string/time
The time that the script’s last run finished.
- category : string
The category of the script.
- projects : list::
A list of projects containing the script. - id : integer
The ID for the project.
- name : string
- The name of the project.
- parent_id : integer
The ID of the parent job that will trigger this script
- user_context : string
“runner” or “author”, who to execute the script as when run as a template.
- params : list::
A definition of the parameters this script accepts in the arguments field. - name : string
The variable’s name as used within your code.
- label : string
- The label to present to users when asking them for the value.
- description : string
- A short sentence or fragment describing this parameter to the end user.
- type : string
- The type of parameter. Valid options: string, multi_line_string, integer, float, bool, file, database, credential_aws, credential_redshift, or credential_custom
- required : boolean
- Whether this param is required.
- value : string
- The value you would like to set this param to. Setting this value makes this parameter a fixed param.
- default : string
- If an argument for this parameter is not defined, it will use this default value. Use true, True, t, y, yes, or 1 for true bool’s or false, False, f, n, no, or 0 for false bool’s. Cannot be used for parameters that are required or a credential type.
- allowed_values : list
- The possible values this parameter can take, effectively making this an enumerable parameter. Allowed values is an array of hashes of the following format: {label: ‘Import’, ‘value’: ‘import’}
- arguments : dict
Parameter-value pairs to use when running this script. Only settable if this script has defined parameters.
- is_template : boolean
Whether others scripts use this one as a template.
- published_as_template_id : integer
The ID of the template that this script is backing.
- from_template_id : integer
The ID of the template this script uses, if any.
- template_dependents_count : integer
How many other scripts use this one as a template.
- template_script_name : string
The name of the template script.
- links : dict::
- details : string
- The details link to get more information about the script.
- runs : string
- The runs link to get the run information list for this script.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- success_email_from_name : string
- Name from which success emails are sent; defaults to “Civis.”
- success_email_reply_to : string
- Address for replies to success emails; defaults to the author of the job.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- stall_warning_minutes : integer
- Stall warning emails will be sent after this amount of minutes.
- success_on : boolean
- If success email notifications are on.
- failure_on : boolean
- If failure email notifications are on.
- running_as : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- next_run_at : string/time
The time of the next scheduled run.
- time_zone : string
The time zone of this script.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- target_project_id : integer
Target project to which script outputs will be added.
- archived : string
The archival status of the requested item(s).
- sql : string
The raw SQL query for the script.
- expanded_arguments : dict
Expanded arguments for use in injecting into different environments.
- remote_host_id : integer
The remote host ID that this script will connect to.
- credential_id : integer
The credential that this script will use.
- code_preview : string
The code that this script will run with arguments inserted.
- csv_settings : dict::
- include_header : boolean
- Whether or not to include headers in the output data. Default: true
- compression : string
- The type of compression to use, if any, one of “none”, “zip”, or “gzip”. Default: gzip
- column_delimiter : string
- Which delimiter to use, one of “comma”, “tab”, or “pipe”. Default: comma
- unquoted : boolean
- Whether or not to quote fields. Default: false
- force_multifile : boolean
- Whether or not the csv should be split into multiple files. Default: false
- filename_prefix : string
- A user specified filename prefix for the output file to have. Default: null
-
put_sql_git
(id, *, git_ref='DEFAULT', git_branch='DEFAULT', git_path='DEFAULT', git_repo_url='DEFAULT')¶ Attach this scripts to a git repo/file
Parameters: - id : integer
The ID of the file.
- git_ref : string, optional
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string, optional
The git branch that the file is on.
- git_path : string, optional
The path of the file in the repository.
- git_repo_url : string, optional
The URL of the git repository.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
put_sql_projects
(id, project_id)¶ Add a scripts to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Search¶
-
class
Search
(session_kwargs, return_type='civis')¶ Methods
-
list
(*, query='DEFAULT', type='DEFAULT', offset='DEFAULT', order='DEFAULT', owner='DEFAULT', limit='DEFAULT', archived='DEFAULT', last_run_state='DEFAULT')¶ Perform a search
Parameters: - query : string, optional
The search query.
- type : string, optional
The type for the search. It accepts a comma-separated list. Valid arguments are listed on the “GET /search/types” endpoint.
- offset : integer, optional
The offset for the search results.
- order : string, optional
The field on which to order the result set.
- owner : string, optional
The owner for the search.
- limit : integer, optional
Defaults to 10. Maximum allowed is 50.
- archived : string, optional
If specified, return only results with the chosen archived status; either ‘true’, ‘false’, or ‘all’. Defaults to ‘false’.
- last_run_state : string, optional
The last run state of the job being searched for; either: ‘queued’, ‘running’, ‘succeeded’, ‘failed’, or ‘cancelled’.
Returns: - total_results : integer
The number of items matching the search query.
- aggregations : dict
Aggregations by owner and type for the search results.
- results : list::
The items returned by the search. - score : number/float
The relevance score from the search request.
- type : string
- The type of the item.
- id : integer
- The ID of the item.
- name : string
- The name of the item.
- type_name : string
- The verbose name of the type.
- updated_at : string/time
- The time the item was last updated.
- owner : string
- The owner of the item.
- use_count : integer
- The use count of the item, if the item is a template.
- last_run_id : integer
- The last run id of the item, if the item is a job.
- last_run_state : string
- The last run state of the item, if the item is a job.
- last_run_start : string/time
- The last run start time of the item, if the item is a job.
- last_run_finish : string/time
- The last run finish time of the item, if the item is a job.
- public : boolean
- The flag that indicates a template is available to all users.
- last_run_exception : string
- The exception of the item after the last run, if the item is a job.
-
list_types
()¶ List available search types
Returns: - type : string
The name of the item type.
-
Tables¶
-
class
Tables
(session_kwargs, return_type='civis')¶ Methods
-
delete_projects
(id, project_id)¶ Remove a table from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
get
(id)¶ Show basic table info
Parameters: - id : integer
Returns: - id : integer
The ID of the table.
- database_id : integer
The ID of the database.
- schema : string
The name of the schema containing the table.
- name : string
Name of the table.
- description : string
The description of the table, as specified by the table owner
- is_view : boolean
True if this table represents a view. False if it represents a regular table.
- row_count : integer
The number of rows in the table.
- column_count : integer
The number of columns in the table.
- size_mb : number/float
The size of the table in megabytes.
- owner : string
The database username of the table’s owner.
- distkey : string
The column used as the Amazon Redshift distkey.
- sortkeys : string
The column used as the Amazon Redshift sortkey.
- refresh_status : string
How up-to-date the table’s statistics on row counts, null counts, distinct counts, and values distributions are. One of: refreshing, stale, or current.
- last_refresh : string/date-time
The time of the last statistics refresh.
- refresh_id : string
The ID of the most recent statistics refresh.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- primary_keys : list
The primary keys for this table.
- last_modified_keys : list
The columns indicating an entry’s modification status for this table.
- ontology_mapping : dict
The ontology-key to column-name mapping. See /ontology for the list of valid ontology keys.
- columns : list::
- name : string
- Name of the column.
- sql_type : string
- SQL type of the column.
- sample_values : list
- A sample of values from the column.
- encoding : string
- The compression encoding for this columnSee: http://docs.aws.amazon.com /redshift/latest/dg/c_Compression_encodings.html
- description : string
- The description of the column, as specified by the table owner
- order : integer
- Relative position of the column in the table.
- min_value : string
- Smallest value in the column.
- max_value : string
- Largest value in the column.
- avg_value : number/float
- Average value of the column, where applicable.
- stddev : number/float
- Stddev of the column, where applicable.
- value_distribution_percent : dict
- A mapping between each value in the column and the percentage of rows with that value.Only present for tables with fewer than approximately 25,000,000 rows and for columns with fewer than twenty distinct values.
- coverage_count : integer
- Number of non-null values in the column.
- null_count : integer
- Number of null values in the column.
- possible_dependent_variable_types : list
- Possible dependent variable types the column may be used to model. Null if it may not be used as a dependent variable.
- useable_as_independent_variable : boolean
- Whether the column may be used as an independent variable to train a model.
- useable_as_primary_key : boolean
- Whether the column may be used as an primary key to identify table rows.
- value_distribution : dict
- An object mapping distinct values in the column to the number of times they appear in the column
- distinct_count : integer
- Number of distinct values in the column.
- joins : list::
- id : integer
- left_table_id : integer
- left_identifier : string
- right_table_id : integer
- right_identifier : string
- on : string
- left_join : boolean
- created_at : string/time
- updated_at : string/time
- multipart_key : list
- enhancements : list::
- type : string
- created_at : string/time
- updated_at : string/time
- join_id : integer
- view_def : string
- table_def : string
- outgoing_table_matches : list::
- source_table_id : integer
Source table
- target_type : string
Target type
- target_id : integer
Target ID
- target : dict::
- name : string
- job : dict::
id : integer
name : string
type : string
from_template_id : integer
- state : string
Whether the job is idle, queued, running, cancelled, or failed.
created_at : string/date-time
updated_at : string/date-time
- runs : list::
Information about the most recent runs of the job. - id : integer - state : string - created_at : string/time
The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- match_options : dict::
- max_matches : integer
- threshold : string
-
get_enhancements_cass_ncoa
(id, source_table_id)¶ View the status of a CASS / NCOA table enhancement
Parameters: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
Returns: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
- state : string
The state of the enhancement, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- enhanced_table_schema : string
The schema name of the table created by the enhancement.
- enhanced_table_name : string
The name of the table created by the enhancement.
- perform_ncoa : boolean
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
-
get_enhancements_geocodings
(id, source_table_id)¶ View the status of a geocoding table enhancement
Parameters: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
Returns: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
- state : string
The state of the enhancement, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- enhanced_table_schema : string
The schema name of the table created by the enhancement.
- enhanced_table_name : string
The name of the table created by the enhancement.
-
get_enhancements_prepared_matchings
(id, source_table_id)¶ View a prepared matching enhancement
Parameters: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
Returns: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
- state : string
The state of the enhancement, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- enhanced_table_schema : string
The schema name of the table created by the enhancement.
- enhanced_table_name : string
The name of the table created by the enhancement.
- threshold : number/float
The confidence threshold which must be met for two individuals to be declared a match. Must be less than or equal to 1 and greater than or equal to 0.
- max_matches : integer
The maximum number of individuals a person may be matched with.A value of 0 indicates that all matches should be returned.
- match_table_id : integer
The ID of the Dynamo table to match against.
-
get_enhancements_table_matchings
(id, source_table_id)¶ View a table matching enhancement
Parameters: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
Returns: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
- state : string
The state of the enhancement, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- enhanced_table_schema : string
The schema name of the table created by the enhancement.
- enhanced_table_name : string
The name of the table created by the enhancement.
- threshold : number/float
The confidence threshold which must be met for two individuals to be declared a match. Must be less than or equal to 1 and greater than or equal to 0.
- max_matches : integer
The maximum number of individuals a person may be matched with.A value of 0 indicates that all matches should be returned.
- match_table_id : integer
The ID of the Redshift table to match against.
-
list
(*, database_id='DEFAULT', schema='DEFAULT', name='DEFAULT', search='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List tables
Parameters: - database_id : integer, optional
The ID of the database.
- schema : string, optional
If specified, will be used to filter the tables returned. Substring matching is supported with “%” and “*” wildcards (e.g., “schema=%census%” will return both “client_census.table” and “census_2010.table”).
- name : string, optional
If specified, will be used to filter the tables returned. Substring matching is supported with “%” and “*” wildcards (e.g., “name=%table%” will return both “table1” and “my table”).
- search : string, optional
If specified, will be used to filter the tables returned. Will search across schema and name (in the full form schema.name) and will return any full name containing the search string.
- limit : integer, optional
Number of results to return. Defaults to 50. Maximum allowed is 1000.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to schema. Must be one of: schema, name, search.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the table.
- database_id : integer
The ID of the database.
- schema : string
The name of the schema containing the table.
- name : string
Name of the table.
- description : string
The description of the table, as specified by the table owner
- is_view : boolean
True if this table represents a view. False if it represents a regular table.
- row_count : integer
The number of rows in the table.
- column_count : integer
The number of columns in the table.
- size_mb : number/float
The size of the table in megabytes.
- owner : string
The database username of the table’s owner.
- distkey : string
The column used as the Amazon Redshift distkey.
- sortkeys : string
The column used as the Amazon Redshift sortkey.
- refresh_status : string
How up-to-date the table’s statistics on row counts, null counts, distinct counts, and values distributions are. One of: refreshing, stale, or current.
- last_refresh : string/date-time
The time of the last statistics refresh.
- refresh_id : string
The ID of the most recent statistics refresh.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
-
list_columns
(id, *, name='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List columns in the specified table
Parameters: - id : integer
- name : string, optional
Search for columns with the given name, within the specified table.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to name. Must be one of: name, order.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - name : string
Name of the column.
- sql_type : string
SQL type of the column.
- sample_values : list
A sample of values from the column.
- encoding : string
The compression encoding for this columnSee: http://docs.aws.amazon.com/redshift/latest/dg/c_Compression_encodings.html
- description : string
The description of the column, as specified by the table owner
- order : integer
Relative position of the column in the table.
- min_value : string
Smallest value in the column.
- max_value : string
Largest value in the column.
- avg_value : number/float
Average value of the column, where applicable.
- stddev : number/float
Stddev of the column, where applicable.
- value_distribution_percent : dict
A mapping between each value in the column and the percentage of rows with that value.Only present for tables with fewer than approximately 25,000,000 rows and for columns with fewer than twenty distinct values.
- coverage_count : integer
Number of non-null values in the column.
- null_count : integer
Number of null values in the column.
- possible_dependent_variable_types : list
Possible dependent variable types the column may be used to model. Null if it may not be used as a dependent variable.
- useable_as_independent_variable : boolean
Whether the column may be used as an independent variable to train a model.
- useable_as_primary_key : boolean
Whether the column may be used as an primary key to identify table rows.
- value_distribution : dict
An object mapping distinct values in the column to the number of times they appear in the column
- distinct_count : integer
Number of distinct values in the column.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a table belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
-
patch
(id, *, ontology_mapping='DEFAULT', description='DEFAULT', primary_keys='DEFAULT', last_modified_keys='DEFAULT')¶ Update a table
Parameters: - id : integer
The ID of the table.
- ontology_mapping : dict, optional
The ontology-key to column-name mapping. See /ontology for the list of valid ontology keys.
- description : string, optional
The user-defined description of the table.
- primary_keys : list, optional
The columns comprising the primary key of this table.
- last_modified_keys : list, optional
The columns indicating when a row was last modified.
Returns: - id : integer
The ID of the table.
- database_id : integer
The ID of the database.
- schema : string
The name of the schema containing the table.
- name : string
Name of the table.
- description : string
The description of the table, as specified by the table owner
- is_view : boolean
True if this table represents a view. False if it represents a regular table.
- row_count : integer
The number of rows in the table.
- column_count : integer
The number of columns in the table.
- size_mb : number/float
The size of the table in megabytes.
- owner : string
The database username of the table’s owner.
- distkey : string
The column used as the Amazon Redshift distkey.
- sortkeys : string
The column used as the Amazon Redshift sortkey.
- refresh_status : string
How up-to-date the table’s statistics on row counts, null counts, distinct counts, and values distributions are. One of: refreshing, stale, or current.
- last_refresh : string/date-time
The time of the last statistics refresh.
- refresh_id : string
The ID of the most recent statistics refresh.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- primary_keys : list
The primary keys for this table.
- last_modified_keys : list
The columns indicating an entry’s modification status for this table.
- ontology_mapping : dict
The ontology-key to column-name mapping. See /ontology for the list of valid ontology keys.
-
post_enhancements_cass_ncoa
(source_table_id, *, perform_ncoa='DEFAULT', ncoa_credential_id='DEFAULT', output_level='DEFAULT')¶ Standardize addresses in a table
Parameters: - source_table_id : integer
The ID of the table to be enhanced.
- perform_ncoa : boolean, optional
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer, optional
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string, optional
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
Returns: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
- state : string
The state of the enhancement, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- enhanced_table_schema : string
The schema name of the table created by the enhancement.
- enhanced_table_name : string
The name of the table created by the enhancement.
- perform_ncoa : boolean
Whether to update addresses for records matching the National Change of Address (NCOA) database.
- ncoa_credential_id : integer
Credential to use when performing NCOA updates. Required if ‘performNcoa’ is true.
- output_level : string
The set of fields persisted by a CASS or NCOA enhancement.For CASS enhancements, one of ‘cass’ or ‘all.’For NCOA enhancements, one of ‘cass’, ‘ncoa’ , ‘coalesced’ or ‘all’.By default, all fields will be returned.
-
post_enhancements_geocodings
(source_table_id)¶ Geocode a table
Parameters: - source_table_id : integer
The ID of the table to be enhanced.
Returns: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
- state : string
The state of the enhancement, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- enhanced_table_schema : string
The schema name of the table created by the enhancement.
- enhanced_table_name : string
The name of the table created by the enhancement.
-
post_enhancements_prepared_matchings
(source_table_id, threshold, match_table_id, *, max_matches='DEFAULT')¶ Match person records against a dynamo table prepared by Civis
Parameters: - source_table_id : integer
The ID of the table to be enhanced.
- threshold : number/float
The confidence threshold which must be met for two individuals to be declared a match. Must be less than or equal to 1 and greater than or equal to 0.
- match_table_id : integer
The ID of the Dynamo table to match against.
- max_matches : integer, optional
The maximum number of individuals a person may be matched with.A value of 0 indicates that all matches should be returned.
Returns: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
- state : string
The state of the enhancement, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- enhanced_table_schema : string
The schema name of the table created by the enhancement.
- enhanced_table_name : string
The name of the table created by the enhancement.
- threshold : number/float
The confidence threshold which must be met for two individuals to be declared a match. Must be less than or equal to 1 and greater than or equal to 0.
- max_matches : integer
The maximum number of individuals a person may be matched with.A value of 0 indicates that all matches should be returned.
- match_table_id : integer
The ID of the Dynamo table to match against.
-
post_enhancements_table_matchings
(source_table_id, threshold, match_table_id, *, max_matches='DEFAULT')¶ Match person records against an arbitrary Redshift table
Parameters: - source_table_id : integer
The ID of the table to be enhanced.
- threshold : number/float
The confidence threshold which must be met for two individuals to be declared a match. Must be less than or equal to 1 and greater than or equal to 0.
- match_table_id : integer
The ID of the Redshift table to match against.
- max_matches : integer, optional
The maximum number of individuals a person may be matched with.A value of 0 indicates that all matches should be returned.
Returns: - id : integer
The ID of the enhancement.
- source_table_id : integer
The ID of the table that was enhanced.
- state : string
The state of the enhancement, one of ‘queued’ ‘running’ ‘succeeded’ ‘failed’ or ‘cancelled’.
- enhanced_table_schema : string
The schema name of the table created by the enhancement.
- enhanced_table_name : string
The name of the table created by the enhancement.
- threshold : number/float
The confidence threshold which must be met for two individuals to be declared a match. Must be less than or equal to 1 and greater than or equal to 0.
- max_matches : integer
The maximum number of individuals a person may be matched with.A value of 0 indicates that all matches should be returned.
- match_table_id : integer
The ID of the Redshift table to match against.
-
post_refresh
(id)¶ Request a refresh for column and table statistics
Parameters: - id : integer
Returns: - id : integer
The ID of the table.
- database_id : integer
The ID of the database.
- schema : string
The name of the schema containing the table.
- name : string
Name of the table.
- description : string
The description of the table, as specified by the table owner
- is_view : boolean
True if this table represents a view. False if it represents a regular table.
- row_count : integer
The number of rows in the table.
- column_count : integer
The number of columns in the table.
- size_mb : number/float
The size of the table in megabytes.
- owner : string
The database username of the table’s owner.
- distkey : string
The column used as the Amazon Redshift distkey.
- sortkeys : string
The column used as the Amazon Redshift sortkey.
- refresh_status : string
How up-to-date the table’s statistics on row counts, null counts, distinct counts, and values distributions are. One of: refreshing, stale, or current.
- last_refresh : string/date-time
The time of the last statistics refresh.
- refresh_id : string
The ID of the most recent statistics refresh.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- primary_keys : list
The primary keys for this table.
- last_modified_keys : list
The columns indicating an entry’s modification status for this table.
- ontology_mapping : dict
The ontology-key to column-name mapping. See /ontology for the list of valid ontology keys.
- columns : list::
- name : string
- Name of the column.
- sql_type : string
- SQL type of the column.
- sample_values : list
- A sample of values from the column.
- encoding : string
- The compression encoding for this columnSee: http://docs.aws.amazon.com /redshift/latest/dg/c_Compression_encodings.html
- description : string
- The description of the column, as specified by the table owner
- order : integer
- Relative position of the column in the table.
- min_value : string
- Smallest value in the column.
- max_value : string
- Largest value in the column.
- avg_value : number/float
- Average value of the column, where applicable.
- stddev : number/float
- Stddev of the column, where applicable.
- value_distribution_percent : dict
- A mapping between each value in the column and the percentage of rows with that value.Only present for tables with fewer than approximately 25,000,000 rows and for columns with fewer than twenty distinct values.
- coverage_count : integer
- Number of non-null values in the column.
- null_count : integer
- Number of null values in the column.
- possible_dependent_variable_types : list
- Possible dependent variable types the column may be used to model. Null if it may not be used as a dependent variable.
- useable_as_independent_variable : boolean
- Whether the column may be used as an independent variable to train a model.
- useable_as_primary_key : boolean
- Whether the column may be used as an primary key to identify table rows.
- value_distribution : dict
- An object mapping distinct values in the column to the number of times they appear in the column
- distinct_count : integer
- Number of distinct values in the column.
- joins : list::
- id : integer
- left_table_id : integer
- left_identifier : string
- right_table_id : integer
- right_identifier : string
- on : string
- left_join : boolean
- created_at : string/time
- updated_at : string/time
- multipart_key : list
- enhancements : list::
- type : string
- created_at : string/time
- updated_at : string/time
- join_id : integer
- view_def : string
- table_def : string
- outgoing_table_matches : list::
- source_table_id : integer
Source table
- target_type : string
Target type
- target_id : integer
Target ID
- target : dict::
- name : string
- job : dict::
id : integer
name : string
type : string
from_template_id : integer
- state : string
Whether the job is idle, queued, running, cancelled, or failed.
created_at : string/date-time
updated_at : string/date-time
- runs : list::
Information about the most recent runs of the job. - id : integer - state : string - created_at : string/time
The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- last_run : dict::
- id : integer
- state : string
- created_at : string/time
- The time that the run was queued.
- started_at : string/time
- The time that the run started.
- finished_at : string/time
- The time that the run completed.
- error : string
- The error message for this run, if present.
- hidden : boolean
The hidden status of the item.
- match_options : dict::
- max_matches : integer
- threshold : string
-
put_projects
(id, project_id)¶ Add a table to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
-
Templates¶
-
class
Templates
(session_kwargs, return_type='civis')¶ Methods
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
delete_scripts_projects
(id, project_id)¶ Remove a Template::Script from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get_reports
(id)¶ Get a Report Template
Parameters: - id : integer
Returns: - id : integer
- name : string
The name of the template.
- category : string
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- archived : boolean
Whether the template has been archived.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- auth_code_url : string
A URL to the template’s stored code body.
- provide_api_key : boolean
Whether reports based on this template request an API Key from the report viewer.
- hidden : boolean
The hidden status of the item.
-
get_scripts
(id)¶ Get a Script Template
Parameters: - id : integer
Returns: - id : integer
- script_id : integer
The id of the script that this template uses.
- user_context : string
The user context of the script that this template uses.
- name : string
The name of the template.
- category : string
The category of this template.
- note : string
A note describing what this template is used for; custom scripts created off this template will display this description.
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- ui_report_id : integer
The id of the report that this template uses.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- archived : boolean
Whether the template has been archived.
- hidden : boolean
The hidden status of the item.
-
list_reports
(*, hidden='DEFAULT', category='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Report Templates
Parameters: - hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- category : string, optional
A category to filter results by, one of: dataset-viz
- limit : integer, optional
Number of results to return. Defaults to 50. Maximum allowed is 1000.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to name. Must be one of: name, updated_at, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
- name : string
The name of the template.
- category : string
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- archived : boolean
Whether the template has been archived.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
list_scripts
(*, hidden='DEFAULT', category='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Script Templates
Parameters: - hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- category : string, optional
A category to filter results by, one of: import, export, enhancement, model, and script
- limit : integer, optional
Number of results to return. Defaults to 50. Maximum allowed is 1000.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to name. Must be one of: name, updated_at, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
- script_id : integer
The id of the script that this template uses.
- user_context : string
The user context of the script that this template uses.
- name : string
The name of the template.
- category : string
The category of this template.
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- ui_report_id : integer
The id of the report that this template uses.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- archived : boolean
Whether the template has been archived.
-
list_scripts_projects
(id, *, hidden='DEFAULT')¶ List the projects a Template::Script belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
patch_reports
(id, *, name='DEFAULT', category='DEFAULT', archived='DEFAULT', code_body='DEFAULT', provide_api_key='DEFAULT')¶ Update some attributes of this Report Template
Parameters: - id : integer
- name : string, optional
The name of the template.
- category : string, optional
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- archived : boolean, optional
Whether the template has been archived.
- code_body : string, optional
The code for the Template body.
- provide_api_key : boolean, optional
Whether reports based on this template request an API Key from the report viewer.
Returns: - id : integer
- name : string
The name of the template.
- category : string
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- archived : boolean
Whether the template has been archived.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- auth_code_url : string
A URL to the template’s stored code body.
- provide_api_key : boolean
Whether reports based on this template request an API Key from the report viewer.
- hidden : boolean
The hidden status of the item.
-
patch_scripts
(id, *, name='DEFAULT', note='DEFAULT', ui_report_id='DEFAULT', archived='DEFAULT')¶ Update some attributes of this Script Template
Parameters: - id : integer
- name : string, optional
The name of the template.
- note : string, optional
A note describing what this template is used for; custom scripts created off this template will display this description.
- ui_report_id : integer, optional
The id of the report that this template uses.
- archived : boolean, optional
Whether the template has been archived.
Returns: - id : integer
- script_id : integer
The id of the script that this template uses.
- user_context : string
The user context of the script that this template uses.
- name : string
The name of the template.
- category : string
The category of this template.
- note : string
A note describing what this template is used for; custom scripts created off this template will display this description.
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- ui_report_id : integer
The id of the report that this template uses.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- archived : boolean
Whether the template has been archived.
- hidden : boolean
The hidden status of the item.
-
post_reports
(name, code_body, *, category='DEFAULT', archived='DEFAULT', provide_api_key='DEFAULT', hidden='DEFAULT')¶ Create a Report Template
Parameters: - name : string
The name of the template.
- code_body : string
The code for the Template body.
- category : string, optional
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- archived : boolean, optional
Whether the template has been archived.
- provide_api_key : boolean, optional
Whether reports based on this template request an API Key from the report viewer.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
- name : string
The name of the template.
- category : string
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- archived : boolean
Whether the template has been archived.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- auth_code_url : string
A URL to the template’s stored code body.
- provide_api_key : boolean
Whether reports based on this template request an API Key from the report viewer.
- hidden : boolean
The hidden status of the item.
-
post_reports_review
(id, status)¶ Review a template for security vulnerability and correctness (admin-only)
Parameters: - id : integer
The ID of the item.
- status : boolean
Whether this item has been reviewed.
Returns: - id : integer
- name : string
The name of the template.
- category : string
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- archived : boolean
Whether the template has been archived.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- auth_code_url : string
A URL to the template’s stored code body.
- provide_api_key : boolean
Whether reports based on this template request an API Key from the report viewer.
- hidden : boolean
The hidden status of the item.
-
post_scripts
(script_id, name, *, note='DEFAULT', ui_report_id='DEFAULT', archived='DEFAULT', hidden='DEFAULT')¶ Create a Script Template
Parameters: - script_id : integer
The id of the script that this template uses.
- name : string
The name of the template.
- note : string, optional
A note describing what this template is used for; custom scripts created off this template will display this description.
- ui_report_id : integer, optional
The id of the report that this template uses.
- archived : boolean, optional
Whether the template has been archived.
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
- script_id : integer
The id of the script that this template uses.
- user_context : string
The user context of the script that this template uses.
- name : string
The name of the template.
- category : string
The category of this template.
- note : string
A note describing what this template is used for; custom scripts created off this template will display this description.
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- ui_report_id : integer
The id of the report that this template uses.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- archived : boolean
Whether the template has been archived.
- hidden : boolean
The hidden status of the item.
-
post_scripts_review
(id, status)¶ Review a template for security vulnerability and correctness (admin-only)
Parameters: - id : integer
The ID of the item.
- status : boolean
Whether this item has been reviewed.
Returns: - id : integer
- script_id : integer
The id of the script that this template uses.
- user_context : string
The user context of the script that this template uses.
- name : string
The name of the template.
- category : string
The category of this template.
- note : string
A note describing what this template is used for; custom scripts created off this template will display this description.
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- ui_report_id : integer
The id of the report that this template uses.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- archived : boolean
Whether the template has been archived.
- hidden : boolean
The hidden status of the item.
-
put_reports
(id, name, code_body, *, category='DEFAULT', archived='DEFAULT', provide_api_key='DEFAULT')¶ Replace all attributes of this Report Template
Parameters: - id : integer
- name : string
The name of the template.
- code_body : string
The code for the Template body.
- category : string, optional
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- archived : boolean, optional
Whether the template has been archived.
- provide_api_key : boolean, optional
Whether reports based on this template request an API Key from the report viewer.
Returns: - id : integer
- name : string
The name of the template.
- category : string
The category of this report template. Can be left blank. Acceptable values are: dataset-viz
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- archived : boolean
Whether the template has been archived.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- auth_code_url : string
A URL to the template’s stored code body.
- provide_api_key : boolean
Whether reports based on this template request an API Key from the report viewer.
- hidden : boolean
The hidden status of the item.
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
put_scripts
(id, name, *, note='DEFAULT', ui_report_id='DEFAULT', archived='DEFAULT')¶ Replace all attributes of this Script Template
Parameters: - id : integer
- name : string
The name of the template.
- note : string, optional
A note describing what this template is used for; custom scripts created off this template will display this description.
- ui_report_id : integer, optional
The id of the report that this template uses.
- archived : boolean, optional
Whether the template has been archived.
Returns: - id : integer
- script_id : integer
The id of the script that this template uses.
- user_context : string
The user context of the script that this template uses.
- name : string
The name of the template.
- category : string
The category of this template.
- note : string
A note describing what this template is used for; custom scripts created off this template will display this description.
- created_at : string/time
- updated_at : string/time
- use_count : integer
The number of uses of this template.
- ui_report_id : integer
The id of the report that this template uses.
- tech_reviewed : boolean
Whether this template has been audited by Civis for security vulnerability and correctness.
- archived : boolean
Whether the template has been archived.
- hidden : boolean
The hidden status of the item.
-
put_scripts_projects
(id, project_id)¶ Add a Template::Script to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Users¶
-
class
Users
(session_kwargs, return_type='civis')¶ Methods
-
delete_api_keys
(id, key_id)¶ Revoke the specified API key
Parameters: - id : string
The ID of the user or ‘me’.
- key_id : integer
The ID of the API key.
Returns: - id : integer
The ID of the API key.
- name : string
The name of the API key.
- expires_at : string/date-time
The date and time when the key expired.
- created_at : string/date-time
The date and time when the key was created.
- revoked_at : string/date-time
The date and time when the key was revoked.
- last_used_at : string/date-time
The date and time when the key was last used.
- scopes : list
The scopes which the key is permissioned on.
- use_count : integer
The number of times the key has been used.
- expired : boolean
True if the key has expired.
- active : boolean
True if the key has neither expired nor been revoked.
- constraints : list::
Constraints on the abilities of the created key - constraint : string
The path matcher of the constraint.
- constraint_type : string
- The type of constraint (exact/prefix/regex/verb).
- get_allowed : boolean
- Whether the constraint allows GET requests.
- head_allowed : boolean
- Whether the constraint allows HEAD requests.
- post_allowed : boolean
- Whether the constraint allows POST requests.
- put_allowed : boolean
- Whether the constraint allows PUT requests.
- patch_allowed : boolean
- Whether the constraint allows PATCH requests.
- delete_allowed : boolean
- Whether the constraint allows DELETE requests.
-
get
(id)¶ Show info about a user
Parameters: - id : integer
The ID of this user.
Returns: - id : integer
The ID of this user.
- user : string
The username of this user.
- name : string
The name of this user.
- email : string
The email of this user.
- active : string
The account status of this user.
- primary_group_id : integer
The ID of the primary group of this user.
- groups : list::
An array of all the groups this user is in. - id : integer
The ID of this group.
- name : string
- The name of this group.
- organization_id : integer
- The organization associated with this group.
- city : string
The city of this user.
- state : string
The state of this user.
- time_zone : string
The time zone of this user.
- initials : string
The initials of this user.
- department : string
The department of this user.
- title : string
The title of this user.
- github_username : string
The GitHub username of this user.
- prefers_sms_otp : string
The preference for phone authorization of this user
- vpn_enabled : string
The availability of vpn for this user.
- sso_disabled : string
The availability of SSO for this user.
- otp_required_for_login : string
The two factor authorization requirement for this user.
- phone : string
The phone number of this user.
- organization_slug : string
The slug of the organization the user belongs to.
- organization_sso_disable_capable : string
The user’s organization’s ability to disable sso for their users.
- organization_login_type : string
The user’s organization’s login type.
-
get_api_keys
(id, key_id)¶ Show the specified API key
Parameters: - id : string
The ID of the user or ‘me’.
- key_id : integer
The ID of the API key.
Returns: - id : integer
The ID of the API key.
- name : string
The name of the API key.
- expires_at : string/date-time
The date and time when the key expired.
- created_at : string/date-time
The date and time when the key was created.
- revoked_at : string/date-time
The date and time when the key was revoked.
- last_used_at : string/date-time
The date and time when the key was last used.
- scopes : list
The scopes which the key is permissioned on.
- use_count : integer
The number of times the key has been used.
- expired : boolean
True if the key has expired.
- active : boolean
True if the key has neither expired nor been revoked.
- constraints : list::
Constraints on the abilities of the created key - constraint : string
The path matcher of the constraint.
- constraint_type : string
- The type of constraint (exact/prefix/regex/verb).
- get_allowed : boolean
- Whether the constraint allows GET requests.
- head_allowed : boolean
- Whether the constraint allows HEAD requests.
- post_allowed : boolean
- Whether the constraint allows POST requests.
- put_allowed : boolean
- Whether the constraint allows PUT requests.
- patch_allowed : boolean
- Whether the constraint allows PATCH requests.
- delete_allowed : boolean
- Whether the constraint allows DELETE requests.
-
get_me_themes
(id)¶ Show a theme
Parameters: - id : integer
The ID of this theme.
Returns: - id : integer
The ID of this theme.
- name : string
The name of this theme.
- organization_ids : list
List of organization ID’s allowed to use this theme.
- settings : string
The theme configuration object.
- logo_file : dict::
- id : integer
- The ID of the logo image file.
- download_url : string
- The URL of the logo image file.
- created_at : string/date-time
- updated_at : string/date-time
-
list
(*, feature_flag='DEFAULT', account_status='DEFAULT', query='DEFAULT', group_id='DEFAULT', organization_id='DEFAULT', exclude_groups='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List users
Parameters: - feature_flag : string, optional
Return users that have a feature flag enabled.
- account_status : string, optional
The account status by which to filter users. May be one of “active”, “inactive”, or “all”.
- query : string, optional
Return users who match the given query, based on name, user, and email.
- group_id : integer, optional
The ID of the group by which to filter users. Cannot be present if organization_id is.
- organization_id : integer, optional
The ID of the organization by which to filter users. Cannot be present if group_id is.
- exclude_groups : boolean, optional
Whether or to exclude users’ groups. Default: false.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 10000.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to name. Must be one of: name, user.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to asc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of this user.
- user : string
The username of this user.
- name : string
The name of this user.
- email : string
The email of this user.
- active : string
The account status of this user.
- primary_group_id : integer
The ID of the primary group of this user.
- groups : list::
An array of all the groups this user is in. - id : integer
The ID of this group.
- name : string
- The name of this group.
- organization_id : integer
- The organization associated with this group.
- created_at : string/date-time
The date and time when the user was created.
- current_sign_in_at : string/date-time
The date and time when the user’s current session began.
-
list_api_keys
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ Show API keys belonging to the specified user
Parameters: - id : string
The ID of the user or ‘me’.
- limit : integer, optional
Number of results to return. Defaults to its maximum of 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID of the API key.
- name : string
The name of the API key.
- expires_at : string/date-time
The date and time when the key expired.
- created_at : string/date-time
The date and time when the key was created.
- revoked_at : string/date-time
The date and time when the key was revoked.
- last_used_at : string/date-time
The date and time when the key was last used.
- scopes : list
The scopes which the key is permissioned on.
- use_count : integer
The number of times the key has been used.
- expired : boolean
True if the key has expired.
- active : boolean
True if the key has neither expired nor been revoked.
- constraint_count : integer
The number of constraints on the created key
-
list_me
()¶ Show info about the logged-in user
Returns: - id : integer
The ID of this user.
- name : string
This user’s name.
- email : string
This user’s email address.
- username : string
This user’s username.
- initials : string
This user’s initials.
- last_checked_announcements : string/date-time
The date and time at which the user last checked their announcements.
- feature_flags : dict
The feature flag settings for this user.
- roles : list
The roles this user has, listed by slug.
- preferences : dict
This user’s preferences.
- custom_branding : string
The branding of Platform for this user.
- groups : list::
An array of all the groups this user is in. - id : integer
The ID of this group.
- name : string
- The name of this group.
- organization_id : integer
- The organization associated with this group.
- organization_name : string
The name of the organization the user belongs to.
- organization_slug : string
The slug of the organization the user belongs to.
- organization_default_theme_id : integer
The ID of the organizations’s default theme.
- created_at : string/date-time
The date and time when the user was created.
- sign_in_count : integer
The number of times the user has signed in.
- assuming_role : boolean
Whether the user is assuming a role or not.
-
list_me_themes
()¶ List themes
Returns: - id : integer
The ID of this theme.
- name : string
The name of this theme.
- created_at : string/date-time
- updated_at : string/date-time
-
list_me_ui
()¶ UI configuration for logged-in user
Returns: - id : integer
The ID of this user.
- navigation_menus : dict
Navigation menus visible to this user.
- user_menus : dict
User profile menu items available to this user.
- user_type : dict::
- vendor : boolean
- True if this user is a member of any groups with a vendor ID.
- media : boolean
- True if user has access to the Media Optimizer job type.
- main_app : string
- The slug for the main app for an app-only user account.
- app_count : integer
- Number of apps this user has access to.
- reports_only : boolean
- True if user is a reports-only user.
- reports_creator : boolean
- True if this user is allowed to create HTML reports.
-
patch_me
(*, preferences='DEFAULT', last_checked_announcements='DEFAULT')¶ Update info about the logged-in user
Parameters: - preferences : dict, optional::
- app_index_order_field : string
- Order field for the apps index pages.
- app_index_order_dir : string
- Oder direction for the apps index pages.
- result_index_order_field : string
- Order field for the results index page.
- result_index_order_dir : string
- Order direction for the results index page.
- result_index_type_filter : string
- Type filter for the results index page.
- result_index_author_filter : string
- Author filter for the results index page.
- result_index_archived_filter : string
- Archived filter for the results index page.
- import_index_order_field : string
- Order field for the imports index page.
- import_index_order_dir : string
- Order direction for the imports index page.
- import_index_type_filter : string
- Type filter for the imports index page.
- import_index_author_filter : string
- Author filter for the imports index page.
- import_index_dest_filter : string
- Destination filter for the imports index page.
- import_index_status_filter : string
- Status filter for the imports index page.
- import_index_archived_filter : string
- Archived filter for the imports index page.
- export_index_order_field : string
- Order field for the exports index page.
- export_index_order_dir : string
- Order direction for the exports index page.
- export_index_type_filter : string
- Type filter for the exports index page.
- export_index_author_filter : string
- Author filter for the exports index page.
- export_index_status_filter : string
- Status filter for the exports index page.
- model_index_order_field : string
- Order field for the models index page.
- model_index_order_dir : string
- Order direction for the models index page.
- model_index_author_filter : string
- Author filter for the models index page.
- model_index_status_filter : string
- Status filter for the models index page.
- model_index_archived_filter : string
- Archived filter for the models index page.
- model_index_thumbnail_view : string
- Thumbnail view for the models index page.
- script_index_order_field : string
- Order field for the scripts index page.
- script_index_order_dir : string
- Order direction for the scripts index page.
- script_index_type_filter : string
- Type filter for the scripts index page.
- script_index_author_filter : string
- Author filter for the scripts index page.
- script_index_status_filter : string
- Status filter for the scripts index page.
- script_index_archived_filter : string
- Archived filter for the scripts index page.
- project_index_order_field : string
- Order field for the projects index page.
- project_index_order_dir : string
- Order direction for the projects index page.
- project_index_author_filter : string
- Author filter for the projects index page.
- project_index_archived_filter : string
- Archived filter for the projects index page.
- report_index_thumbnail_view : string
- Thumbnail view for the reports index page.
- project_detail_order_field : string
- Order field for projects detail pages.
- project_detail_order_dir : string
- Order direction for projects detail pages.
- project_detail_author_filter : string
- Author filter for projects detail pages.
- project_detail_type_filter : string
- Type filter for projects detail pages.
- project_detail_archived_filter : string
- Archived filter for the projects detail pages.
- enhancement_index_order_field : string
- Order field for the enhancements index page.
- enhancement_index_order_dir : string
- Order direction for the enhancements index page.
- enhancement_index_author_filter : string
- Author filter for the enhancements index page.
- enhancement_index_archived_filter : string
- Archived filter for the enhancements index page.
- preferred_server_id : integer
- ID of preferred server.
- civis_explore_skip_intro : boolean
- Whether the user is shown steps for each exploration.
- registration_index_order_field : string
- Order field for the registrations index page.
- registration_index_order_dir : string
- Order direction for the registrations index page.
- registration_index_status_filter : string
- Status filter for the registrations index page.
- upgrade_requested : string
- Whether a free trial upgrade has been requested.
- welcome_order_field : string
- Order direction for the welcome page.
- welcome_order_dir : string
- Order direction for the welcome page.
- welcome_author_filter : string
- Status filter for the welcome page.
- welcome_status_filter : string
- Status filter for the welcome page.
- welcome_archived_filter : string
- Status filter for the welcome page.
- data_pane_width : string
- Width of the data pane when expanded.
- data_pane_collapsed : string
- Whether the data pane is collapsed.
- notebook_order_field : string
- Order field for the notebooks page.
- notebook_order_dir : string
- Order direction for the notebooks page.
- notebook_author_filter : string
- Author filter for the notebooks page.
- notebook_archived_filter : string
- Archived filter for the notebooks page.
- notebook_status_filter : string
- Status filter for the notebooks page.
- workflow_index_order_field : string
- Order field for the workflows page.
- workflow_index_order_dir : string
- Order direction for the workflows page.
- workflow_index_author_filter : string
- Author filter for the workflows page.
- service_order_field : string
- Order field for the services page.
- service_order_dir : string
- Order direction for the services page.
- service_author_filter : string
- Author filter for the services page.
- service_archived_filter : string
- Archived filter for the services page.
- last_checked_announcements : string/date-time, optional
The date and time at which the user last checked their announcements.
Returns: - id : integer
The ID of this user.
- name : string
This user’s name.
- email : string
This user’s email address.
- username : string
This user’s username.
- initials : string
This user’s initials.
- last_checked_announcements : string/date-time
The date and time at which the user last checked their announcements.
- feature_flags : dict
The feature flag settings for this user.
- roles : list
The roles this user has, listed by slug.
- preferences : dict
This user’s preferences.
- custom_branding : string
The branding of Platform for this user.
- groups : list::
An array of all the groups this user is in. - id : integer
The ID of this group.
- name : string
- The name of this group.
- organization_id : integer
- The organization associated with this group.
- organization_name : string
The name of the organization the user belongs to.
- organization_slug : string
The slug of the organization the user belongs to.
- organization_default_theme_id : integer
The ID of the organizations’s default theme.
- created_at : string/date-time
The date and time when the user was created.
- sign_in_count : integer
The number of times the user has signed in.
- assuming_role : boolean
Whether the user is assuming a role or not.
-
post_api_keys
(id, expires_in, name, *, constraints='DEFAULT')¶ Create a new API key belonging to the logged-in user
Parameters: - id : string
The ID of the user or ‘me’.
- expires_in : integer
The number of seconds the key should last for.
- name : string
The name of the API key.
- constraints : list, optional::
Constraints on the abilities of the created key. - constraint : string
The path matcher of the constraint.
- constraint_type : string
- The type of constraint (exact/prefix/regex/verb).
- get_allowed : boolean
- Whether the constraint allows GET requests.
- head_allowed : boolean
- Whether the constraint allows HEAD requests.
- post_allowed : boolean
- Whether the constraint allows POST requests.
- put_allowed : boolean
- Whether the constraint allows PUT requests.
- patch_allowed : boolean
- Whether the constraint allows PATCH requests.
- delete_allowed : boolean
- Whether the constraint allows DELETE requests.
Returns: - id : integer
The ID of the API key.
- name : string
The name of the API key.
- expires_at : string/date-time
The date and time when the key expired.
- created_at : string/date-time
The date and time when the key was created.
- revoked_at : string/date-time
The date and time when the key was revoked.
- last_used_at : string/date-time
The date and time when the key was last used.
- scopes : list
The scopes which the key is permissioned on.
- use_count : integer
The number of times the key has been used.
- expired : boolean
True if the key has expired.
- active : boolean
True if the key has neither expired nor been revoked.
- constraints : list::
Constraints on the abilities of the created key - constraint : string
The path matcher of the constraint.
- constraint_type : string
- The type of constraint (exact/prefix/regex/verb).
- get_allowed : boolean
- Whether the constraint allows GET requests.
- head_allowed : boolean
- Whether the constraint allows HEAD requests.
- post_allowed : boolean
- Whether the constraint allows POST requests.
- put_allowed : boolean
- Whether the constraint allows PUT requests.
- patch_allowed : boolean
- Whether the constraint allows PATCH requests.
- delete_allowed : boolean
- Whether the constraint allows DELETE requests.
- token : string
The API key.
-
Workflows¶
-
class
Workflows
(session_kwargs, return_type='civis')¶ Methods
-
delete_projects
(id, project_id)¶ Remove a Workflow::Workflow from a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Revoke the permissions a group has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_id : integer
The ID of the group.
Returns: - None
Response code 204: success
Revoke the permissions a user has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_id : integer
The ID of the user.
Returns: - None
Response code 204: success
-
get
(id)¶ Get a Workflow
Parameters: - id : integer
Returns: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string
A description of the workflow.
- definition : string
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- valid : boolean
The validity of the workflow definition.
- validation_errors : string
The errors encountered when validating the workflow definition.
- file_id : string
The file id for the s3 file containing the workflow configuration.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The state of the workflow. State is “running” if any execution is running, otherwise reflects most recent execution state.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string
The time zone of this workflow.
- next_execution_at : string/time
The time of the next scheduled execution.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- created_at : string/time
- updated_at : string/time
-
get_executions
(id, execution_id)¶ Get a workflow execution
Parameters: - id : integer
The ID for the workflow.
- execution_id : integer
The ID for the workflow execution.
Returns: - id : integer
The ID for this workflow execution.
- state : string
The state of this workflow execution.
- mistral_state : string
The state of this workflow as reported by mistral. One of running, paused, success, error, or cancelled
- mistral_state_info : string
The state info of this workflow as reported by mistral.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- definition : string
The definition of the workflow for this execution.
- input : dict
Key-value pairs defined for this execution.
- included_tasks : list
The subset of workflow tasks selected to execute.
- tasks : list::
The tasks associated with this execution. - name : string
The name of the task.
- mistral_state : string
The state of this task. One of idle, waiting, running, delayed, success, or error
- mistral_state_info : string
Extra info associated with the state of the task.
- runs : list::
The runs associated with this task, in descending order by id. - id : integer
The ID of the run.
- job_id : integer
- The ID of the job associated with the run.
- executions : list::
The executions run by this task, in descending order by id. - id : integer
The ID of the execution.
- workflow_id : integer
- The ID of the workflow associated with the execution.
- started_at : string/time
The time this execution started.
- finished_at : string/time
The time this execution finished.
- created_at : string/time
The time this execution was created.
- updated_at : string/time
The time this execution was last updated.
-
get_git_commits
(id, commit_hash)¶ Get file contents at commit_hash
Parameters: - id : integer
The ID of the file.
- commit_hash : string
The SHA (full or shortened) of the desired git commit.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
list
(*, hidden='DEFAULT', archived='DEFAULT', author='DEFAULT', limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List Workflows
Parameters: - hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
- archived : string, optional
The archival status of the requested item(s).
- author : string, optional
If specified, return workflows from this author. It accepts a comma- separated list of author ids.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to updated_at. Must be one of: updated_at, name, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string
A description of the workflow.
- valid : boolean
The validity of the workflow definition.
- file_id : string
The file id for the s3 file containing the workflow configuration.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The state of the workflow. State is “running” if any execution is running, otherwise reflects most recent execution state.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string
The time zone of this workflow.
- next_execution_at : string/time
The time of the next scheduled execution.
- archived : string
The archival status of the requested item(s).
- created_at : string/time
- updated_at : string/time
-
list_executions
(id, *, limit='DEFAULT', page_num='DEFAULT', order='DEFAULT', order_dir='DEFAULT', iterator='DEFAULT')¶ List workflow executions
Parameters: - id : integer
The ID for this workflow.
- limit : integer, optional
Number of results to return. Defaults to 20. Maximum allowed is 50.
- page_num : integer, optional
Page number of the results to return. Defaults to the first page, 1.
- order : string, optional
The field on which to order the result set. Defaults to id. Must be one of: id, updated_at, created_at.
- order_dir : string, optional
Direction in which to sort, either asc (ascending) or desc (descending) defaulting to desc.
- iterator : bool, optional
If True, return a generator to iterate over all responses. Use when more results than the maximum allowed by limit are needed. When True, limit and page_num are ignored. Defaults to False.
Returns: - id : integer
The ID for this workflow execution.
- state : string
The state of this workflow execution.
- mistral_state : string
The state of this workflow as reported by mistral. One of running, paused, success, error, or cancelled
- mistral_state_info : string
The state info of this workflow as reported by mistral.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- started_at : string/time
The time this execution started.
- finished_at : string/time
The time this execution finished.
- created_at : string/time
The time this execution was created.
- updated_at : string/time
The time this execution was last updated.
-
list_git
(id)¶ Get the git metadata attached to this Workflow::Workflow
Parameters: - id : integer
The ID of the file.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
list_git_commits
(id)¶ Get the git commits for this Workflow::Workflow
Parameters: - id : integer
The ID of the file.
Returns: - commit_hash : string
The SHA of the commit.
- author_name : string
The name of the commit’s author.
- date : string/time
The commit’s timestamp.
- message : string
The commit message.
-
list_projects
(id, *, hidden='DEFAULT')¶ List the projects a Workflow::Workflow belongs to
Parameters: - id : integer
The ID of the resource.
- hidden : boolean, optional
If specified to be true, returns hidden items. Defaults to false, returning non-hidden items.
Returns: - id : integer
The ID for this project.
- author : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- name : string
The name of this project.
- description : string
A description of the project.
- users : list::
Users who can see the project. - id : integer
The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- auto_share : boolean
- created_at : string/time
- updated_at : string/time
- archived : string
The archival status of the requested item(s).
List users and groups permissioned on this object
Parameters: - id : integer
The ID of the resource that is shared.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
patch
(id, *, name='DEFAULT', description='DEFAULT', definition='DEFAULT', schedule='DEFAULT', time_zone='DEFAULT', notifications='DEFAULT')¶ Update some attributes of this Workflow
Parameters: - id : integer
The ID for this workflow.
- name : string, optional
The name of this workflow.
- description : string, optional
A description of the workflow.
- definition : string, optional
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string, optional
The time zone of this workflow.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
Returns: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string
A description of the workflow.
- definition : string
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- valid : boolean
The validity of the workflow definition.
- validation_errors : string
The errors encountered when validating the workflow definition.
- file_id : string
The file id for the s3 file containing the workflow configuration.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The state of the workflow. State is “running” if any execution is running, otherwise reflects most recent execution state.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string
The time zone of this workflow.
- next_execution_at : string/time
The time of the next scheduled execution.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- created_at : string/time
- updated_at : string/time
-
post
(name, *, description='DEFAULT', from_job_chain='DEFAULT', definition='DEFAULT', schedule='DEFAULT', time_zone='DEFAULT', notifications='DEFAULT', hidden='DEFAULT')¶ Create a Workflow
Parameters: - name : string
The name of this workflow.
- description : string, optional
A description of the workflow.
- from_job_chain : integer, optional
If specified, create a workflow from the job chain this job is in, and inherit the schedule from the root of the chain.
- definition : string, optional
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string, optional
The time zone of this workflow.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
- hidden : boolean, optional
The hidden status of the item.
Returns: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string
A description of the workflow.
- definition : string
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- valid : boolean
The validity of the workflow definition.
- validation_errors : string
The errors encountered when validating the workflow definition.
- file_id : string
The file id for the s3 file containing the workflow configuration.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The state of the workflow. State is “running” if any execution is running, otherwise reflects most recent execution state.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string
The time zone of this workflow.
- next_execution_at : string/time
The time of the next scheduled execution.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- created_at : string/time
- updated_at : string/time
-
post_clone
(id, *, clone_schedule='DEFAULT', clone_notifications='DEFAULT')¶ Clone this Workflow
Parameters: - id : integer
The ID for the workflow.
- clone_schedule : boolean, optional
If true, also copy the schedule to the new workflow.
- clone_notifications : boolean, optional
If true, also copy the notifications to the new workflow.
Returns: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string
A description of the workflow.
- definition : string
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- valid : boolean
The validity of the workflow definition.
- validation_errors : string
The errors encountered when validating the workflow definition.
- file_id : string
The file id for the s3 file containing the workflow configuration.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The state of the workflow. State is “running” if any execution is running, otherwise reflects most recent execution state.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string
The time zone of this workflow.
- next_execution_at : string/time
The time of the next scheduled execution.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- created_at : string/time
- updated_at : string/time
-
post_executions
(id, *, target_task='DEFAULT', input='DEFAULT', included_tasks='DEFAULT')¶ Execute a workflow
Parameters: - id : integer
The ID for the workflow.
- target_task : string, optional
For a reverse workflow, the name of the task to target.
- input : dict, optional
Key-value pairs to send to this execution as inputs.
- included_tasks : list, optional
If specified, executes only the subset of workflow tasks included.
Returns: - id : integer
The ID for this workflow execution.
- state : string
The state of this workflow execution.
- mistral_state : string
The state of this workflow as reported by mistral. One of running, paused, success, error, or cancelled
- mistral_state_info : string
The state info of this workflow as reported by mistral.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- definition : string
The definition of the workflow for this execution.
- input : dict
Key-value pairs defined for this execution.
- included_tasks : list
The subset of workflow tasks selected to execute.
- tasks : list::
The tasks associated with this execution. - name : string
The name of the task.
- mistral_state : string
The state of this task. One of idle, waiting, running, delayed, success, or error
- mistral_state_info : string
Extra info associated with the state of the task.
- runs : list::
The runs associated with this task, in descending order by id. - id : integer
The ID of the run.
- job_id : integer
- The ID of the job associated with the run.
- executions : list::
The executions run by this task, in descending order by id. - id : integer
The ID of the execution.
- workflow_id : integer
- The ID of the workflow associated with the execution.
- started_at : string/time
The time this execution started.
- finished_at : string/time
The time this execution finished.
- created_at : string/time
The time this execution was created.
- updated_at : string/time
The time this execution was last updated.
-
post_executions_cancel
(id, execution_id)¶ Cancel a workflow execution
Parameters: - id : integer
The ID for the workflow.
- execution_id : integer
The ID for the workflow execution.
Returns: - id : integer
The ID for this workflow execution.
- state : string
The state of this workflow execution.
- mistral_state : string
The state of this workflow as reported by mistral. One of running, paused, success, error, or cancelled
- mistral_state_info : string
The state info of this workflow as reported by mistral.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- definition : string
The definition of the workflow for this execution.
- input : dict
Key-value pairs defined for this execution.
- included_tasks : list
The subset of workflow tasks selected to execute.
- tasks : list::
The tasks associated with this execution. - name : string
The name of the task.
- mistral_state : string
The state of this task. One of idle, waiting, running, delayed, success, or error
- mistral_state_info : string
Extra info associated with the state of the task.
- runs : list::
The runs associated with this task, in descending order by id. - id : integer
The ID of the run.
- job_id : integer
- The ID of the job associated with the run.
- executions : list::
The executions run by this task, in descending order by id. - id : integer
The ID of the execution.
- workflow_id : integer
- The ID of the workflow associated with the execution.
- started_at : string/time
The time this execution started.
- finished_at : string/time
The time this execution finished.
- created_at : string/time
The time this execution was created.
- updated_at : string/time
The time this execution was last updated.
-
post_executions_resume
(id, execution_id)¶ Resume a paused workflow execution
Parameters: - id : integer
The ID for the workflow.
- execution_id : integer
The ID for the workflow execution.
Returns: - id : integer
The ID for this workflow execution.
- state : string
The state of this workflow execution.
- mistral_state : string
The state of this workflow as reported by mistral. One of running, paused, success, error, or cancelled
- mistral_state_info : string
The state info of this workflow as reported by mistral.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- definition : string
The definition of the workflow for this execution.
- input : dict
Key-value pairs defined for this execution.
- included_tasks : list
The subset of workflow tasks selected to execute.
- tasks : list::
The tasks associated with this execution. - name : string
The name of the task.
- mistral_state : string
The state of this task. One of idle, waiting, running, delayed, success, or error
- mistral_state_info : string
Extra info associated with the state of the task.
- runs : list::
The runs associated with this task, in descending order by id. - id : integer
The ID of the run.
- job_id : integer
- The ID of the job associated with the run.
- executions : list::
The executions run by this task, in descending order by id. - id : integer
The ID of the execution.
- workflow_id : integer
- The ID of the workflow associated with the execution.
- started_at : string/time
The time this execution started.
- finished_at : string/time
The time this execution finished.
- created_at : string/time
The time this execution was created.
- updated_at : string/time
The time this execution was last updated.
-
post_executions_retry
(id, execution_id, *, task_name='DEFAULT')¶ Retry a failed task, or all failed tasks in an execution
Parameters: - id : integer
The ID for the workflow.
- execution_id : integer
The ID for the workflow execution.
- task_name : string, optional
If specified, the name of the task to be retried. If not specified, all failed tasks in the execution will be retried.
Returns: - id : integer
The ID for this workflow execution.
- state : string
The state of this workflow execution.
- mistral_state : string
The state of this workflow as reported by mistral. One of running, paused, success, error, or cancelled
- mistral_state_info : string
The state info of this workflow as reported by mistral.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- definition : string
The definition of the workflow for this execution.
- input : dict
Key-value pairs defined for this execution.
- included_tasks : list
The subset of workflow tasks selected to execute.
- tasks : list::
The tasks associated with this execution. - name : string
The name of the task.
- mistral_state : string
The state of this task. One of idle, waiting, running, delayed, success, or error
- mistral_state_info : string
Extra info associated with the state of the task.
- runs : list::
The runs associated with this task, in descending order by id. - id : integer
The ID of the run.
- job_id : integer
- The ID of the job associated with the run.
- executions : list::
The executions run by this task, in descending order by id. - id : integer
The ID of the execution.
- workflow_id : integer
- The ID of the workflow associated with the execution.
- started_at : string/time
The time this execution started.
- finished_at : string/time
The time this execution finished.
- created_at : string/time
The time this execution was created.
- updated_at : string/time
The time this execution was last updated.
-
post_git_commits
(id, content, message, file_hash)¶ Commit and push a new version of the file
Parameters: - id : integer
The ID of the file.
- content : string
The contents to commit to the file.
- message : string
A commit message describing the changes being made.
- file_hash : string
The full SHA of the file being replaced.
Returns: - content : string
The file’s contents.
- type : string
The file’s type.
- size : integer
The file’s size.
- file_hash : string
The SHA of the file.
-
put
(id, name, *, description='DEFAULT', definition='DEFAULT', schedule='DEFAULT', time_zone='DEFAULT', notifications='DEFAULT')¶ Replace all attributes of this Workflow
Parameters: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string, optional
A description of the workflow.
- definition : string, optional
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- schedule : dict, optional::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string, optional
The time zone of this workflow.
- notifications : dict, optional::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
Returns: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string
A description of the workflow.
- definition : string
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- valid : boolean
The validity of the workflow definition.
- validation_errors : string
The errors encountered when validating the workflow definition.
- file_id : string
The file id for the s3 file containing the workflow configuration.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The state of the workflow. State is “running” if any execution is running, otherwise reflects most recent execution state.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string
The time zone of this workflow.
- next_execution_at : string/time
The time of the next scheduled execution.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- created_at : string/time
- updated_at : string/time
-
put_archive
(id, status)¶ Update the archive status of this object
Parameters: - id : integer
The ID of the object.
- status : boolean
The desired archived status of the object.
Returns: - id : integer
The ID for this workflow.
- name : string
The name of this workflow.
- description : string
A description of the workflow.
- definition : string
The definition of the workflow in YAML format. Must not be specified if fromJobChain is specified.
- valid : boolean
The validity of the workflow definition.
- validation_errors : string
The errors encountered when validating the workflow definition.
- file_id : string
The file id for the s3 file containing the workflow configuration.
- user : dict::
- id : integer
- The ID of this user.
- name : string
- This user’s name.
- username : string
- This user’s username.
- initials : string
- This user’s initials.
- online : boolean
- Whether this user is online.
- state : string
The state of the workflow. State is “running” if any execution is running, otherwise reflects most recent execution state.
- schedule : dict::
- scheduled : boolean
- If the item is scheduled.
- scheduled_days : list
- Day based on numeric value starting at 0 for Sunday.
- scheduled_hours : list
- Hours of the day it is scheduled on.
- scheduled_minutes : list
- Minutes of the day it is scheduled on.
- scheduled_runs_per_hour : integer
- Alternative to scheduled minutes, number of times to run per hour.
- time_zone : string
The time zone of this workflow.
- next_execution_at : string/time
The time of the next scheduled execution.
- notifications : dict::
- urls : list
- URLs to receive a POST request at job completion
- success_email_subject : string
- Custom subject line for success e-mail.
- success_email_body : string
- Custom body text for success e-mail, written in Markdown.
- success_email_addresses : list
- Addresses to notify by e-mail when the job completes successfully.
- failure_email_addresses : list
- Addresses to notify by e-mail when the job fails.
- success_on : boolean
- If success email notifications are on
- failure_on : boolean
- If failure email notifications are on
- archived : string
The archival status of the requested item(s).
- hidden : boolean
The hidden status of the item.
- created_at : string/time
- updated_at : string/time
-
put_git
(id, *, git_ref='DEFAULT', git_branch='DEFAULT', git_path='DEFAULT', git_repo_url='DEFAULT')¶ Attach this Workflow::Workflow to a git repo/file
Parameters: - id : integer
The ID of the file.
- git_ref : string, optional
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string, optional
The git branch that the file is on.
- git_path : string, optional
The path of the file in the repository.
- git_repo_url : string, optional
The URL of the git repository.
Returns: - git_ref : string
A git reference specifying an unambiguous version of the file. Can be a branch name, or the full or shortened SHA of a commit.
- git_branch : string
The git branch that the file is on.
- git_path : string
The path of the file in the repository.
- git_repo : dict::
- id : integer
- The ID for this git repository.
- repo_url : string
- The URL for this git repository.
- created_at : string/time
- updated_at : string/time
-
put_projects
(id, project_id)¶ Add a Workflow::Workflow to a project
Parameters: - id : integer
The ID of the resource.
- project_id : integer
The ID of the project.
Returns: - None
Response code 204: success
Set the permissions groups has on this object
Parameters: - id : integer
The ID of the resource that is shared.
- group_ids : list
An array of one or more group IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
Set the permissions users have on this object
Parameters: - id : integer
The ID of the resource that is shared.
- user_ids : list
An array of one or more user IDs.
- permission_level : string
Options are: “read”, “write”, or “manage”.
- share_email_body : string, optional
Custom body text for e-mail sent on a share.
- send_shared_email : boolean, optional
Send email to the recipients of a share.
Returns: - readers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- writers : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- owners : dict::
- users : list::
- id : integer
- name : string
- groups : list::
- id : integer
- name : string
- total_user_shares : integer
For owners, the number of total users shared. For writers and readers, the number of visible users shared.
- total_group_shares : integer
For owners, the number of total groups shared. For writers and readers, the number of visible groups shared.
-
Command Line Interface¶
A command line interface (CLI) to Civis is provided. This can be invoked by
typing the command civis
in the shell (sh, bash, zsh, etc.). It can also
be used in Civis container scripts where the Docker image has this client
installed. Here’s a simple example of printing the types of scripts.
> civis scripts list-types
- name: sql
- name: python3
- name: javascript
- name: r
- name: containers
Not all API endpoints are available through the CLI since some take complex data types (e.g., arrays, objects/dictionaries) as input. However, functionality is available for getting information about scripts, logs, etc., as well as executing already created scripts.
There are a few extra, CLI-only commands that wrap the Files API
endpoints to make uploading and downloading files easier:
civis files upload $PATH
and civis files download $FILEID $PATH
.
The default output format is YAML, but the --json-output
allows you to
get output in JSON.
Notebooks¶
The following CLI-only commands make it easier to use Civis Platform as a backend for your Jupyter notebooks.
civis notebooks download $NOTEBOOK_ID $PATH
Download a notebook from Civis Platform to the requested file on the local filesystem.
civis notebooks new [$LANGUAGE] [--mem $MEMORY] [--cpu $CPU]
Create a new notebook, allocate resources for it, and open it in a tab of your default web browser. This command is the most similar to
jupyter notebook
. By default, Civis Platform will create a Python 3 notebook, but you can request any other language. Optional resource parameters let you allocate more memory or CPU to your notebook.civis notebooks up $NOTEBOOK_ID [--mem $MEMORY] [--cpu $CPU]
Allocate resources for a notebook which already exists in Civis Platform and open it in a tab of your default browser. Optional resource arguments allow you to change resources allocated to your notebook (default to using the same resources as the previous run).
civis notebooks down $NOTEBOOK_ID
Stop a running notebook and free up the resources allocated to it.
civis notebooks open $NOTEBOOK_ID
Open an existing notebook (which may or may not be running) in your default browser.