Reference
Resource types
The SDK currently supports three types of resources: LLM
, Dataset
, and SupervisedFineTuningJob
.
LLM
Properties:
deployment_name
str - The full name of the deployment (e.g.,accounts/my-account/deployments/my-custom-deployment
)deployment_display_name
str - The display name of the deployment, defaults to the filename where the LLM was instantiated unless otherwise specifieddeployment_url
str - The URL to view the deployment in the Fireworks dashboardtemperature
float - The temperature for generationmodel
str - The model associated with this LLM (e.g.,accounts/fireworks/models/llama-v3p2-3b-instruct
)base_deployment_name
str - If a LoRA addon, the deployment name of the base model deploymentpeft_base_model
str - If this is a LoRA addon, the base model identifier (e.g.,accounts/fireworks/models/llama-v3p2-3b-instruct
)addons_enabled
bool - Whether LoRA addons are enabled for this LLMmodel_id
str - The identifier used under the hood to query this model (e.g.,accounts/my-account/deployedModels/my-deployed-model-abcdefg
)deployment_id
str - The deployment ID (e.g.,my-custom-deployment
)base_deployment_id
str - The base deployment ID for LoRA addonsperf_metrics_in_response
bool - Whether performance metrics are included in responses
Instantiation
The LLM(*args, **kwargs)
class constructor initializes a new LLM instance.
Required Arguments
model
str - The model identifier to use (e.g.,accounts/fireworks/models/llama-v3p2-3b-instruct
)deployment_type
str - The type of deployment to use. Must be one of:"serverless"
: Uses Fireworks’ shared serverless infrastructure"on-demand"
: Uses dedicated resources for your deployment"auto"
: Automatically selects the most cost-effective option (recommended for experimentation)"on-demand-lora"
: For LoRA addons that require dedicated resources
Optional Arguments
Deployment Configuration
id
str, optional - Deployment ID to identify the deployment. Required when deployment_type is “on-demand”.deployment_display_name
str, optional - Display name for the deployment. Defaults to the filename where the LLM was instantiated. If a deployment with the same display name and model already exists, the SDK will try and re-use it.base_id
str, optional - Base deployment ID for LoRA addons. Required when deployment_type is “on-demand-lora”.
Authentication & API
api_key
str, optional - Your Fireworks API keybase_url
str, optional - Base URL for API calls. Defaults to “https://api.fireworks.ai/inference/v1”max_retries
int, optional - Maximum number of retry attempts. Defaults to 10
Scaling Configuration
scale_up_window
timedelta, optional - Time to wait before scaling up after increased load. Defaults to 1 secondscale_down_window
timedelta, optional - Time to wait before scaling down after decreased load. Defaults to 1 minutescale_to_zero_window
timedelta, optional - Time of inactivity before scaling to zero. Defaults to 5 minutes
Hardware & Performance
accelerator_type
str, optional - Type of GPU accelerator to useregion
str, optional - Region for deploymentmulti_region
str, optional - Multi-region configurationmin_replica_count
int, optional - Minimum number of replicasmax_replica_count
int, optional - Maximum number of replicasreplica_count
int, optional - Fixed number of replicasaccelerator_count
int, optional - Number of accelerators per replicaprecision
str, optional - Model precision (e.g., “FP16”, “FP8”)world_size
int, optional - World size for distributed traininggenerator_count
int, optional - Number of generatorsdisaggregated_prefill_count
int, optional - Number of disaggregated prefill instancesdisaggregated_prefill_world_size
int, optional - World size for disaggregated prefillmax_batch_size
int, optional - Maximum batch size for inferencemax_peft_batch_size
int, optional - Maximum batch size for PEFT operationskv_cache_memory_pct
int, optional - Percentage of memory for KV cache
Advanced Features
enable_addons
bool, optional - Enable LoRA addons supportlive_merge
bool, optional - Enable live mergingdraft_token_count
int, optional - Number of tokens to generate per step for speculative decodingdraft_model
str, optional - Model to use for speculative decodingngram_speculation_length
int, optional - Length of previous input sequence for N-gram speculationlong_prompt_optimized
bool, optional - Optimize for long promptstemperature
float, optional - Sampling temperature for generationnum_peft_device_cached
int, optional - Number of PEFT devices to cache
Monitoring & Metrics
enable_metrics
bool, optional - Enable metrics collection. Currently supports time to last token for non-streaming requests.perf_metrics_in_response
bool, optional - Include performance metrics in API responses
Additional Configuration
description
str, optional - Description of the deploymentannotations
dict[str, str], optional - Annotations for the deploymentcluster
str, optional - Cluster identifierenable_session_affinity
bool, optional - Enable session affinitydirect_route_api_keys
list[str], optional - List of API keys for direct routingdirect_route_type
str, optional - Type of direct routingdirect_route_handle
str, optional - Direct route handle
apply(wait: bool = True)
Ensures the deployment is ready and returns the deployment. Like Terraform apply, this will ensure the deployment is ready.
create_supervised_fine_tuning_job()
Creates a new supervised fine-tuning job and blocks until it is ready. See the SupervisedFineTuningJob section for details on the parameters.
Returns:
- An instance of
SupervisedFineTuningJob
.
create_reinforcement_fine_tuning_job()
Creates a new reinforcement fine-tuning job and blocks until it is ready.
Returns:
- An instance of
ReinforcementFineTuningJob
.
delete_deployment(ignore_checks: bool = False, wait: bool = True)
Deletes the deployment associated with this LLM instance if one exists.
Arguments:
ignore_checks
bool, optional - Whether to ignore safety checks. Defaults to False.wait
bool, optional - Whether to wait for deletion to complete. Defaults to True.
get_time_to_last_token_mean()
Returns the mean time to last token for non-streaming requests. If no metrics are available, returns None.
Returns:
- A float representing the mean time to last token, or None if no metrics are available.
with_deployment_type()
Returns a new LLM instance with the specified deployment type.
Arguments:
deployment_type
str - The deployment type to use (“serverless”, “on-demand”, “auto”, or “on-demand-lora”)
Returns:
- A new
LLM
instance with the specified deployment type
with_temperature()
Returns a new LLM instance with the specified temperature.
Arguments:
temperature
float - The temperature for generation
Returns:
- A new
LLM
instance with the specified temperature
with_perf_metrics_in_response()
Returns a new LLM instance with the specified performance metrics setting.
Arguments:
perf_metrics_in_response
bool - Whether to include performance metrics in responses
Returns:
- A new
LLM
instance with the specified performance metrics setting
scale_to_zero()
Sends a request to scale the deployment to 0 replicas but does not wait for it to complete.
Returns:
- The deployment object, or None if no deployment exists
scale_to_1_replica()
Scales the deployment to at least 1 replica.
get_deployment()
Returns the deployment associated with this LLM instance, or None if no deployment exists.
Returns:
- The deployment object, or None if no deployment exists
is_peft_addon()
Checks if this LLM is a PEFT (Parameter-Efficient Fine-Tuning) addon.
Returns:
- True if this LLM is a PEFT addon, False otherwise
list_models()
Lists all models available to your account.
Returns:
- A list of model objects
get_model()
Gets the model object for this LLM’s model.
Returns:
- The model object, or None if the model doesn’t exist
is_available_on_serverless()
Checks if the model is available on serverless infrastructure.
Returns:
- True if the model is available on serverless, False otherwise
model_id()
Returns the model ID, which is the model name plus the deployment name if it exists. This is used for the “model” arg when calling the model.
Returns:
- The model ID string
supports_serverless_lora()
Checks if the model supports serverless LoRA deployment.
Returns:
- True if the model supports serverless LoRA, False otherwise
list_fireworks_models()
Lists all models available on the Fireworks account.
Returns:
- A list of model objects from the Fireworks account
is_model_on_fireworks_account()
Checks if the model is on the Fireworks account.
Arguments:
model
str - The model identifier to check
Returns:
- The model object if it exists on the Fireworks account, None otherwise
is_model_available_on_serverless()
Checks if a specific model is available on serverless infrastructure.
Arguments:
model
str - The model identifier to check
Returns:
- True if the model is available on serverless, False otherwise
is_model_deployed_on_serverless_account()
Checks if a model is deployed on a serverless-enabled account.
Arguments:
model
SyncModel - The model object to check
Returns:
- True if the model is deployed on a supported serverless account, False otherwise
completions.create()
and completions.acreate()
Creates a text completion using the LLM. These methods are OpenAI compatible and follow the same interface as described in the OpenAI Completions API. Use create()
for synchronous calls and acreate()
for asynchronous calls.
Arguments:
prompt
str - The prompt to completestream
bool, optional - Whether to stream the response. Defaults to Falseimages
list[str], optional - List of image URLs for multimodal modelsmax_tokens
int, optional - The maximum number of tokens to generatelogprobs
int, optional - Number of log probabilities to returnecho
bool, optional - Whether to echo the prompt in the responsetemperature
float, optional - Sampling temperature between 0 and 2. If not provided, uses the LLM’s default temperaturetop_p
float, optional - Nucleus sampling parametertop_k
int, optional - Top-k sampling parameterfrequency_penalty
float, optional - Frequency penalty for repetitionpresence_penalty
float, optional - Presence penalty for repetitionrepetition_penalty
float, optional - Repetition penaltyreasoning_effort
str, optional - How much effort the model should put into reasoningmirostat_lr
float, optional - Mirostat learning ratemirostat_target
float, optional - Mirostat target entropyn
int, optional - Number of completions to generateignore_eos
bool, optional - Whether to ignore end-of-sequence tokensstop
str or list[str], optional - Stop sequencesresponse_format
dict, optional - An object specifying the format that the model must outputcontext_length_exceeded_behavior
str, optional - How to handle context length exceededuser
str, optional - User identifierextra_headers
dict, optional - Additional headers to include in the request**kwargs
- Additional parameters supported by the OpenAI API
Returns:
Completion
whenstream=False
(default)Generator[Completion, None, None]
whenstream=True
(sync version)AsyncGenerator[Completion, None]
whenstream=True
(async version)
chat.completions.create()
and chat.completions.acreate()
Creates a chat completion using the LLM. These methods are OpenAI compatible and follow the same interface as described in the OpenAI Chat Completions API. Use create()
for synchronous calls and acreate()
for asynchronous calls.
Note: The Fireworks chat completions API includes additional request and response fields beyond the standard OpenAI API. See the Fireworks Chat Completions API reference for the complete set of available parameters and response fields.
Arguments:
messages
list - A list of messages comprising the conversation so farstream
bool, optional - Whether to stream the response. Defaults to Falseresponse_format
dict, optional - An object specifying the format that the model must outputreasoning_effort
str, optional - How much effort the model should put into reasoningmax_tokens
int, optional - The maximum number of tokens to generatetemperature
float, optional - Sampling temperature between 0 and 2. If not provided, uses the LLM’s default temperature. Note that temperature can also be set once during LLM instantiation if preferredtools
list, optional - A list of tools the model may callextra_headers
dict, optional - Additional headers to include in the request**kwargs
- Additional parameters supported by the OpenAI API
Returns:
ChatCompletion
whenstream=False
(default)Generator[ChatCompletionChunk, None, None]
whenstream=True
(sync version)AsyncGenerator[ChatCompletionChunk, None]
whenstream=True
(async version)
For details on the ChatCompletion
object structure, see the OpenAI Chat Completion Object documentation. For the ChatCompletionChunk
object structure used in streaming, see the OpenAI Chat Streaming documentation.
Dataset
The Dataset
class provides a convenient way to manage datasets for fine-tuning on Fireworks. It offers smart features like automatic naming and uploading of datasets. You do not instantiate a Dataset
object directly. Instead, you create a Dataset
object by using one of the class methods below.
Properties:
name
str - The full name of the dataset (e.g.,accounts/my-account/datasets/dataset-12345-my-data
)id
str - The dataset identifier (e.g.,dataset-12345-my-data
)url
str - The URL to view the dataset in the Fireworks dashboard
from_list()
Creates a Dataset from a list of training examples. Each example should be compatible with OpenAI’s chat completion format.
from_file()
Creates a Dataset from a local JSONL file. The file should contain training examples in OpenAI’s chat completion format.
from_string()
Creates a Dataset from a string containing JSONL-formatted training examples.
from_id()
Creates a Dataset from an existing dataset ID on Fireworks.
sync()
Uploads the dataset to Fireworks if it doesn’t already exist. This method automatically:
- Checks if a dataset with the same content hash already exists
- If it exists, skips the upload to avoid duplicates
- If it doesn’t exist, creates and uploads the dataset to Fireworks
- Validates the dataset after upload
delete()
Deletes the dataset from Fireworks.
head(n: int = 5, as_dataset: bool = False)
Returns the first n rows of the dataset.
Arguments:
n
int, optional - Number of rows to return. Defaults to 5.as_dataset
bool, optional - If True, return a Dataset object; if False, return a list. Defaults to False.
Returns:
- list or Dataset - List of dictionaries if as_dataset=False, Dataset object if as_dataset=True
create_evaluation_job(reward_function: Callable, samples: Optional[int] = None)
Creates an evaluation job using a reward function for this dataset.
Arguments:
reward_function
Callable - A callable decorated with @reward_functionsamples
int, optional - Optional number of samples to evaluate (creates a subset dataset)
Returns:
- EvaluationJob - The created evaluation job
preview_evaluator(reward_function: Callable, samples: Optional[int] = None)
Previews the evaluator for the dataset.
Arguments:
reward_function
Callable - A callable decorated with @reward_functionsamples
int, optional - Optional number of samples to preview
Returns:
- SyncPreviewEvaluatorResponse - Preview response from the evaluator
Data Format
The Dataset class expects data in OpenAI’s chat completion format. Each training example should be a JSON object with a messages
array containing message objects. Each message object should have:
role
: One of"system"
,"user"
, or"assistant"
content
: The message content as a string
Example format:
SupervisedFineTuningJob
The SupervisedFineTuningJob
class manages fine-tuning jobs on Fireworks. It provides a convenient interface for creating, monitoring, and managing fine-tuning jobs.
Properties:
output_model
str - The identifier of the output model (e.g.,accounts/my-account/models/my-finetuned-model
)output_llm
LLM - An LLM instance associated with the output modelid
str - The job IDdisplay_name
str - The display name of the jobname
str - The full name of the joburl
str - The URL to view the job in the Fireworks dashboard
Instantiation
You do not need to directly instantiate a SupervisedFineTuningJob
object. Instead, you should use the .create_supervised_fine_tuning_job()
method on the LLM
object and pass in the following required and optional arguments.
Required Arguments
display_name
str - A unique name for the fine-tuning job. Must only contain lowercase a-z, 0-9, and hyphen (-).dataset_or_id
Union[Dataset, str] - The dataset to use for fine-tuning, either as a Dataset object or dataset ID
Optional Arguments
Training Configuration
epochs
int, optional - Number of training epochslearning_rate
float, optional - Learning rate for traininglora_rank
int, optional - Rank for LoRA fine-tuningjinja_template
str, optional - Template for formatting training examplesearly_stop
bool, optional - Whether to enable early stoppingmax_context_length
int, optional - Maximum context length for the modelbase_model_weight_precision
str, optional - Precision for base model weightsbatch_size
int, optional - Batch size for training
Hardware Configuration
accelerator_type
str, optional - Type of GPU accelerator to useaccelerator_count
int, optional - Number of accelerators to useis_turbo
bool, optional - Whether to use turbo mode for faster trainingregion
str, optional - Region for deploymentnodes
int, optional - Number of nodes to use
Evaluation & Monitoring
evaluation_dataset
str, optional - Dataset ID to use for evaluationeval_auto_carveout
bool, optional - Whether to automatically carve out evaluation datawandb_config
WandbConfig, optional - Configuration for Weights & Biases integration
Job Management
output_model
str, optional - The name of the output model to create. If not provided, it will be the same as the display_name argument.
sync()
Creates the job if it doesn’t exist, otherwise returns the existing job. If previous job failed, deletes it and creates a new one.
Returns:
- SupervisedFineTuningJob - The synced job object
wait_for_completion()
Polls the job status until it is complete and returns the job object.
Returns:
- SupervisedFineTuningJob - The completed job object
await_for_completion()
Asynchronously polls the job status until it is complete and returns the job object.
Returns:
- SupervisedFineTuningJob - The completed job object
delete()
Deletes the job.
adelete()
Asynchronously deletes the job.
ReinforcementFineTuningJob
The ReinforcementFineTuningJob
class manages reinforcement learning fine-tuning jobs on Fireworks.
Properties:
output_llm
LLM - An LLM instance associated with the output modelid
str - The job IDdisplay_name
str - The display name of the jobname
str - The full name of the joburl
str - The URL to view the job in the Fireworks dashboard
Instantiation
You do not need to directly instantiate a ReinforcementFineTuningJob
object. Instead, you should use the .create_reinforcement_fine_tuning_job()
method on the LLM
object.
Required Arguments
id
str - A unique ID for the fine-tuning job. Must only contain lowercase a-z, 0-9, and hyphen (-).dataset_or_id
Union[Dataset, str] - The dataset to use for fine-tuning, either as a Dataset object or dataset IDreward_function
Callable - A callable decorated with @reward_function
Optional Arguments
Training Configuration
output_model
str, optional - The name of the output model to createwarm_start_from
str, optional - Model to warm start fromjinja_template
str, optional - Template for formatting training exampleslearning_rate
float, optional - Learning rate for training. Defaults to 0.0001max_context_length
int, optional - Maximum context length for the model. Defaults to 8192lora_rank
int, optional - Rank for LoRA fine-tuning. Defaults to 8base_model_weight_precision
str, optional - Precision for base model weightsepochs
int, optional - Number of training epochs. Defaults to 5batch_size
int, optional - Batch size for training. Defaults to 32768is_intermediate
bool, optional - Whether this is an intermediate model. Defaults to False
Hardware Configuration
accelerator_type
str, optional - Type of GPU accelerator to useaccelerator_count
int, optional - Number of accelerators to useregion
str, optional - Region for deployment
Inference Parameters
max_tokens
int, optional - Maximum tokens to generatetemperature
float, optional - Sampling temperature. Defaults to 1.0top_p
float, optional - Top-p sampling. Defaults to 1.0n
int, optional - Number of completions. Defaults to 8extra_body
str, optional - Extra body parameterstop_k
int, optional - Top-k sampling
Weights & Biases Configuration
wandb_enabled
bool, optional - Whether to enable W&B integration. Defaults to Falsewandb_api_key
str, optional - W&B API keywandb_project
str, optional - W&B project namewandb_entity
str, optional - W&B entitywandb_run_id
str, optional - W&B run IDwandb_url
str, optional - W&B URL
sync()
Creates the job if it doesn’t exist, otherwise returns the existing job. If previous job failed, deletes it and creates a new one.
Returns:
- ReinforcementFineTuningJob - The synced job object
wait_for_completion()
Polls the job status until it is complete and returns the job object.
Returns:
- ReinforcementFineTuningJob - The completed job object
await_for_completion()
Asynchronously polls the job status until it is complete and returns the job object.
Returns:
- ReinforcementFineTuningJob - The completed job object
delete()
Deletes the job.
adelete()
Asynchronously deletes the job.
Evaluator
The Evaluator
class manages evaluators on Fireworks. Evaluators are created from reward functions and can be reused across multiple evaluation jobs.
Properties:
name
str - The full name of the evaluatorid
str - The evaluator IDurl
str - The URL to view the evaluator in the Fireworks dashboard
Instantiation
Arguments:
gateway
Gateway - The Fireworks Gateway instancereward_function
Callable - A callable decorated with @reward_function
sync()
Create or retrieve the evaluator on Fireworks. If an identical evaluator exists, reuse it. Otherwise, create a new versioned evaluator.
Returns:
- Evaluator - The synced evaluator object
preview(dataset)
Previews the evaluator with sample data from a dataset.
Arguments:
dataset
Dataset - The dataset to preview with
Returns:
- SyncPreviewEvaluatorResponse - Preview response from the evaluator
EvaluationJob
The EvaluationJob
class manages evaluation jobs on Fireworks.
Properties:
id
str - The job IDname
str - The full name of the joburl
str - The URL to view the job in the Fireworks dashboardoutput_dataset
Dataset - The output dataset from the evaluation
Instantiation
Arguments:
gateway
Gateway - The Fireworks Gateway instanceevaluation_job
SyncEvaluationJob - The evaluation job proto object
sync()
Creates the evaluation job if it doesn’t exist, otherwise returns the existing job. If previous job failed, deletes it and creates a new one.
Returns:
- EvaluationJob - The synced evaluation job object
wait_for_completion()
Polls the job status until it is complete and returns the job object.
Returns:
- EvaluationJob - The completed evaluation job object