beamds.beam package#
Subpackages#
- beamds.beam.algorithm package
- beamds.beam.assistant package
- beamds.beam.auto package
- Submodules
- beamds.beam.auto.auto module
AutoBeam
AutoBeam.add_private_module_spec()
AutoBeam.blacklisted_pip_package
AutoBeam.canonical_name()
AutoBeam.from_bundle()
AutoBeam.get_pip_package()
AutoBeam.import_statement
AutoBeam.in_main_script
AutoBeam.loaded_modules
AutoBeam.metadata
AutoBeam.module_dependencies
AutoBeam.module_name
AutoBeam.module_spec
AutoBeam.module_walk()
AutoBeam.modules_to_tar()
AutoBeam.private_modules
AutoBeam.private_modules_walk
AutoBeam.recursive_module_dependencies()
AutoBeam.requirements
AutoBeam.self_path
AutoBeam.to_bundle()
AutoBeam.to_docker()
AutoBeam.top_levels
AutoBeam.visited_modules
AutoBeam.write_requirements()
- beamds.beam.auto.synchronous-server module
- beamds.beam.auto.utils module
- Module contents
- beamds.beam.base package
- beamds.beam.config package
- Submodules
- beamds.beam.config.configurations module
AccelerateConfig
BeamProjectConfig
CacheConfig
DDPConfig
DatasetConfig
DeviceConfig
ExperimentConfig
FederatedTrainingConfig
KeysConfig
NNCompilerConfig
NNExperimentConfig
NNModelConfig
NNTrainingConfig
OptimizerConfig
SWAConfig
SamplerConfig
SchedulerConfig
TransformerConfig
UniversalConfig
beam_arguments()
- beamds.beam.config.core_config module
BeamConfig
BeamConfig.add_argument()
BeamConfig.add_arguments()
BeamConfig.beam_class_name
BeamConfig.default_values()
BeamConfig.defaults
BeamConfig.dict()
BeamConfig.from_path()
BeamConfig.get()
BeamConfig.help
BeamConfig.is_hparam()
BeamConfig.is_initialized
BeamConfig.items()
BeamConfig.keys()
BeamConfig.namespace
BeamConfig.parameters
BeamConfig.pop()
BeamConfig.remove_argument()
BeamConfig.remove_arguments()
BeamConfig.set()
BeamConfig.set_default()
BeamConfig.set_defaults()
BeamConfig.tags
BeamConfig.to_path()
BeamConfig.update()
BeamConfig.update_parser()
BeamConfig.values()
BeamParam
- beamds.beam.config.deepspeed module
- beamds.beam.config.utils module
- Module contents
- beamds.beam.data package
- Submodules
- beamds.beam.data.beam_data module
BeamData
BeamData.abs_all_paths()
BeamData.all_paths
BeamData.apply()
BeamData.as_numpy()
BeamData.as_tensor()
BeamData.cache()
BeamData.cached()
BeamData.clear_index()
BeamData.clear_label()
BeamData.clear_metadata()
BeamData.clone()
BeamData.collate()
BeamData.columns_chunk_file_extension
BeamData.columns_map
BeamData.columns_partition_directory_name
BeamData.concat()
BeamData.concatenate_values()
BeamData.conf
BeamData.containerize_keys_and_values()
BeamData.data_batch()
BeamData.data_slicer
BeamData.data_type
BeamData.data_types
BeamData.default_data_file_name
BeamData.device
BeamData.divide_chunks()
BeamData.dtypes
BeamData.exists()
BeamData.flatten_data
BeamData.flatten_items
BeamData.from_indexed_pandas()
BeamData.from_path()
BeamData.get_default_params()
BeamData.get_index_by_key_fold_map()
BeamData.get_info_groups()
BeamData.get_n_chunks()
BeamData.get_schema_from_subset()
BeamData.get_schema_from_tupled_key()
BeamData.has_index
BeamData.has_label
BeamData.hash
BeamData.head()
BeamData.hierarchical_keys()
BeamData.index
BeamData.index_chunk_file_extension
BeamData.index_partition_directory_name
BeamData.index_slicer
BeamData.index_type
BeamData.info
BeamData.inverse_columns_map()
BeamData.inverse_map()
BeamData.items()
BeamData.key_map
BeamData.keys()
BeamData.label
BeamData.label_slicer
BeamData.label_type
BeamData.load_state_dict()
BeamData.metadata_files
BeamData.metadata_path_exists()
BeamData.metadata_paths
BeamData.normalize_key()
BeamData.objects_type
BeamData.orientation
BeamData.parent
BeamData.path
BeamData.read()
BeamData.recursive_filter()
BeamData.recursive_map_path()
BeamData.recursive_root_finder()
BeamData.reset_index()
BeamData.reset_metadata()
BeamData.root_path
BeamData.sample()
BeamData.schema
BeamData.schema_type
BeamData.set_first_key()
BeamData.set_property()
BeamData.shape
BeamData.simple()
BeamData.simplified
BeamData.single_file_case()
BeamData.size
BeamData.slice_columns()
BeamData.slice_data()
BeamData.slice_index()
BeamData.slice_keys()
BeamData.slice_scalar_or_list()
BeamData.stack
BeamData.stacked_index
BeamData.stacked_labels
BeamData.stacked_values
BeamData.state_dict()
BeamData.store()
BeamData.to()
BeamData.to_path()
BeamData.total_size
BeamData.update_all_paths_file()
BeamData.update_hierarchy()
BeamData.values
BeamData.write_file()
BeamData.write_object()
BeamData.write_tree()
- beamds.beam.data.beam_schema module
- beamds.beam.data.elements module
- Module contents
- beamds.beam.dataset package
- beamds.beam.distributed package
- Submodules
- beamds.beam.distributed.async_client module
- beamds.beam.distributed.async_server module
- beamds.beam.distributed.celery_dispatcher module
- beamds.beam.distributed.celery_worker module
- beamds.beam.distributed.ray_dispatcher module
- beamds.beam.distributed.resource module
- beamds.beam.distributed.thread_dispatcher module
- beamds.beam.distributed.utils module
- Module contents
- beamds.beam.experiment package
- beamds.beam.federated package
- beamds.beam.fine_tune package
- beamds.beam.hpo package
- beamds.beam.importer package
- beamds.beam.llm package
- Subpackages
- Submodules
- beamds.beam.llm.chat module
- beamds.beam.llm.conversation module
Conversation
Conversation.append_message()
Conversation.convert_image_to_base64()
Conversation.copy()
Conversation.dict()
Conversation.extract_text_and_image_hashes_from_messages()
Conversation.get_images()
Conversation.get_prompt()
Conversation.get_system_message()
Conversation.max_image_size_mb
Conversation.messages
Conversation.name
Conversation.offset
Conversation.roles
Conversation.save_new_images()
Conversation.sep
Conversation.sep2
Conversation.sep_style
Conversation.set_system_message()
Conversation.stop_str
Conversation.stop_token_ids
Conversation.system_message
Conversation.system_template
Conversation.to_anthropic_vision_api_messages()
Conversation.to_gemini_api_messages()
Conversation.to_gradio_chatbot()
Conversation.to_openai_api_messages()
Conversation.to_openai_image_format()
Conversation.to_openai_vision_api_messages()
Conversation.to_reka_api_messages()
Conversation.to_vertex_api_messages()
Conversation.update_last_message()
SeparatorStyle
SeparatorStyle.ADD_COLON_SINGLE
SeparatorStyle.ADD_COLON_SPACE_SINGLE
SeparatorStyle.ADD_COLON_TWO
SeparatorStyle.ADD_NEW_LINE_SINGLE
SeparatorStyle.CHATGLM
SeparatorStyle.CHATGLM3
SeparatorStyle.CHATINTERN
SeparatorStyle.CHATML
SeparatorStyle.CLLM
SeparatorStyle.DEEPSEEK_CHAT
SeparatorStyle.DEFAULT
SeparatorStyle.DOLLY
SeparatorStyle.FALCON_CHAT
SeparatorStyle.GEMMA
SeparatorStyle.LLAMA2
SeparatorStyle.LLAMA3
SeparatorStyle.METAMATH
SeparatorStyle.NO_COLON_SINGLE
SeparatorStyle.NO_COLON_TWO
SeparatorStyle.PHOENIX
SeparatorStyle.ROBIN
SeparatorStyle.RWKV
SeparatorStyle.YUAN2
get_conv_template()
register_conv_template()
- beamds.beam.llm.core module
- beamds.beam.llm.hf_conversation module
- beamds.beam.llm.model_adapter module
AiroborosAdapter
AlpacaAdapter
AquilaChatAdapter
AzureOpenAIAdapter
BGEAdapter
BagelAdapter
BaichuanAdapter
BaizeAdapter
BardAdapter
BaseModelAdapter
BiLLaAdapter
CamelAdapter
CatPPTAdapter
ChangGPTAdapter
ChatGLMAdapter
ChatGPTAdapter
ClaudeAdapter
CllmAdapter
CodeGeexAdapter
CodeLlamaAdapter
CohereAdapter
CuteGPTAdapter
DBRXAdapter
DeepseekChatAdapter
DeepseekCoderAdapter
DollyV2Adapter
DolphinAdapter
E5Adapter
FalconAdapter
FalconChatAdapter
GeminiAdapter
GeminiDevAdapter
GemmaAdapter
GoogleT5Adapter
GuanacoAdapter
H2OGPTAdapter
Hermes2Adapter
InternLMChatAdapter
KoalaAdapter
Lamma2ChineseAdapter
Lamma2ChineseAlpacaAdapter
LemurAdapter
Llama2Adapter
Llama2ChangAdapter
Llama3Adapter
LlavaAdapter
LongChatAdapter
MPTAdapter
ManticoreAdapter
MetaMathAdapter
MicrosoftOrcaAdapter
MistralAdapter
NotusAdapter
NousHermes2MixtralAdapter
NousHermesAdapter
OasstLLaMAAdapter
OasstPythiaAdapter
OlmoAdapter
OpenBuddyAdapter
OpenChat35Adapter
OpenLLaMaOpenInstructAdapter
OpenOrcaAdapter
PaLM2Adapter
PeftModelAdapter
PhindCodeLlamaAdapter
PhoenixAdapter
PplxAIAdapter
PygmalionAdapter
PythiaAdapter
QwenChatAdapter
ReaLMAdapter
RedPajamaINCITEAdapter
RekaAdapter
RobinAdapter
RwkvAdapter
SmaugChatAdapter
SnoozyAdapter
SolarAdapter
StableLMAdapter
StableVicunaAdapter
StarChatAdapter
SteerLMAdapter
TenyxChatAdapter
TigerBotAdapter
TinyLlamaAdapter
TuluAdapter
VicunaAdapter
VigogneAdapter
WizardCoderAdapter
WizardLMAdapter
XGenAdapter
XdanAdapter
XwinLMAdapter
YandexGPTAdapter
YiAdapter
Yuan2Adapter
YuanAdapter
ZephyrAdapter
add_model_args()
get_conversation_template()
get_model_adapter()
raise_warning_for_incompatible_cpu_offloading_configuration()
register_model_adapter()
remove_parent_directory_name()
- beamds.beam.llm.models module
- beamds.beam.llm.openai module
- beamds.beam.llm.resource module
- beamds.beam.llm.response module
LLMResponse
LLMResponse.add_task_result()
LLMResponse.bool
LLMResponse.choices
LLMResponse.csv
LLMResponse.float
LLMResponse.html
LLMResponse.int
LLMResponse.json
LLMResponse.judge
LLMResponse.openai_format
LLMResponse.parse()
LLMResponse.parse_text()
LLMResponse.prompt
LLMResponse.prompt_kwargs
LLMResponse.task_result
LLMResponse.task_success
LLMResponse.text
LLMResponse.toml
LLMResponse.verify()
LLMResponse.xml
LLMResponse.yaml
- beamds.beam.llm.task module
- beamds.beam.llm.tools module
- beamds.beam.llm.utils module
- Module contents
- beamds.beam.logging package
- Submodules
- beamds.beam.logging.core module
BeamLogger
BeamLogger.add_default_file_handler()
BeamLogger.add_file_handlers()
BeamLogger.add_logstash()
BeamLogger.as_critical_mode()
BeamLogger.as_debug_mode()
BeamLogger.as_error_mode()
BeamLogger.as_info_mode()
BeamLogger.as_warning_mode()
BeamLogger.cleanup()
BeamLogger.concat()
BeamLogger.critical()
BeamLogger.critical_mode()
BeamLogger.debug()
BeamLogger.debug_mode()
BeamLogger.dont_print()
BeamLogger.error()
BeamLogger.error_mode()
BeamLogger.exception()
BeamLogger.info()
BeamLogger.info_mode()
BeamLogger.level
BeamLogger.open()
BeamLogger.print()
BeamLogger.remove_default_handlers()
BeamLogger.remove_file_handler()
BeamLogger.remove_logstash()
BeamLogger.remove_tag()
BeamLogger.running_platform
BeamLogger.set_verbosity()
BeamLogger.stdout_handler()
BeamLogger.timestamp()
BeamLogger.turn_colors_off()
BeamLogger.turn_colors_on()
BeamLogger.warning()
BeamLogger.warning_mode()
- beamds.beam.logging.kpi module
- Module contents
- beamds.beam.misc package
- beamds.beam.nn package
- beamds.beam.orchestration package
- Submodules
- beamds.beam.orchestration.cluster module
- beamds.beam.orchestration.config module
- beamds.beam.orchestration.dataclasses module
- beamds.beam.orchestration.deploy module
- beamds.beam.orchestration.k8s module
- beamds.beam.orchestration.pod module
- beamds.beam.orchestration.units module
- beamds.beam.orchestration.utils module
- Module contents
- beamds.beam.parallel package
- beamds.beam.path package
- Submodules
- beamds.beam.path.core module
BeamFile
BeamKey
DictBasedPath
DictPath
IOPath
PureBeamPath
PureBeamPath.absolute()
PureBeamPath.anchor
PureBeamPath.as_posix()
PureBeamPath.clean()
PureBeamPath.close()
PureBeamPath.close_at_exit()
PureBeamPath.copy()
PureBeamPath.drive
PureBeamPath.exists()
PureBeamPath.feather_index_mark
PureBeamPath.gen()
PureBeamPath.getatime()
PureBeamPath.getctime()
PureBeamPath.getmtime()
PureBeamPath.glob()
PureBeamPath.is_absolute()
PureBeamPath.is_dir()
PureBeamPath.is_file()
PureBeamPath.is_local
PureBeamPath.is_relative_to()
PureBeamPath.is_reserved()
PureBeamPath.is_root()
PureBeamPath.iter_content()
PureBeamPath.iterdir()
PureBeamPath.joinpath()
PureBeamPath.list
PureBeamPath.match()
PureBeamPath.mkdir()
PureBeamPath.mode()
PureBeamPath.name
PureBeamPath.not_empty()
PureBeamPath.open()
PureBeamPath.parent
PureBeamPath.parents
PureBeamPath.parts
PureBeamPath.read()
PureBeamPath.read_bytes()
PureBeamPath.read_inner_content()
PureBeamPath.read_text()
PureBeamPath.readlines()
PureBeamPath.relative_to()
PureBeamPath.rename()
PureBeamPath.replace()
PureBeamPath.resolve()
PureBeamPath.rglob()
PureBeamPath.rmdir()
PureBeamPath.rmtree()
PureBeamPath.root
PureBeamPath.samefile()
PureBeamPath.serialize_inner_content()
PureBeamPath.stat()
PureBeamPath.stem
PureBeamPath.str
PureBeamPath.suffix
PureBeamPath.suffixes
PureBeamPath.text_based_extensions
PureBeamPath.textual_extensions
PureBeamPath.touch()
PureBeamPath.unlink()
PureBeamPath.walk()
PureBeamPath.with_name()
PureBeamPath.with_stem()
PureBeamPath.with_suffix()
PureBeamPath.write()
PureBeamPath.write_bytes()
PureBeamPath.write_text()
get_target()
normalize_host()
strip_prefix()
- beamds.beam.path.models module
BeamPath
BeamPath.absolute()
BeamPath.chmod()
BeamPath.cwd()
BeamPath.exists()
BeamPath.expanduser()
BeamPath.getatime()
BeamPath.getctime()
BeamPath.getmtime()
BeamPath.glob()
BeamPath.group()
BeamPath.hardlink_to()
BeamPath.home()
BeamPath.is_block_device()
BeamPath.is_char_device()
BeamPath.is_dir()
BeamPath.is_fifo()
BeamPath.is_file()
BeamPath.is_mount()
BeamPath.is_socket()
BeamPath.is_symlink()
BeamPath.iterdir()
BeamPath.lchmod()
BeamPath.link_to()
BeamPath.lstat()
BeamPath.mkdir()
BeamPath.owner()
BeamPath.read()
BeamPath.read_bytes()
BeamPath.read_text()
BeamPath.readlink()
BeamPath.relative_to()
BeamPath.rename()
BeamPath.replace()
BeamPath.rmdir()
BeamPath.samefile()
BeamPath.stat()
BeamPath.symlink_to()
BeamPath.touch()
BeamPath.unlink()
BeamPath.write()
BeamPath.write_bytes()
BeamPath.write_text()
CometAsset
HDFSPAPath
HDFSPath
MLFlowPath
PyArrowPath
RedisPath
RedisPath.directory_key
RedisPath.exists()
RedisPath.glob()
RedisPath.is_dir()
RedisPath.is_empty()
RedisPath.is_file()
RedisPath.iterdir()
RedisPath.key
RedisPath.mkdir()
RedisPath.normalize_directory_key()
RedisPath.rename()
RedisPath.replace()
RedisPath.rmdir()
RedisPath.unlink()
RedisPath.write_to_redis()
S3PAPath
S3Path
SFTPPath
SMBPath
- beamds.beam.path.resource module
- beamds.beam.path.utils module
- Module contents
- beamds.beam.processor package
- Submodules
- beamds.beam.processor.core module
Pipeline
Processor
Processor.base_dir()
Processor.beam_pickle()
Processor.excluded_attributes
Processor.from_arguments()
Processor.from_nlp()
Processor.from_path()
Processor.from_remote()
Processor.in_beam_pickle()
Processor.init_args_file
Processor.llm
Processor.load_state()
Processor.load_state_dict()
Processor.nlp()
Processor.profile()
Processor.save_state()
Processor.save_state_dict()
Processor.skeleton_file
Processor.special_state_attributes
Processor.to_bundle()
Processor.to_path()
- beamds.beam.processor.dispatcher module
- Module contents
- beamds.beam.serve package
- Submodules
- beamds.beam.serve.beam_grpc_pb2 module
- beamds.beam.serve.beam_grpc_pb2_grpc module
- beamds.beam.serve.client module
- beamds.beam.serve.config module
- beamds.beam.serve.grpc_client module
- beamds.beam.serve.grpc_server module
- beamds.beam.serve.http_client module
- beamds.beam.serve.http_server module
- beamds.beam.serve.remote module
- beamds.beam.serve.server module
BeamServer
BeamServer.batched_query_algorithm()
BeamServer.build_algorithm_from_path()
BeamServer.call()
BeamServer.get_info()
BeamServer.get_variable()
BeamServer.metadata
BeamServer.query_algorithm()
BeamServer.request_queue
BeamServer.response_queue
BeamServer.run()
BeamServer.run_non_blocking()
BeamServer.run_thread()
BeamServer.set_variable()
- beamds.beam.serve.triton module
- Module contents
- beamds.beam.setup package
- beamds.beam.similarity package
- Submodules
- beamds.beam.similarity.config module
- beamds.beam.similarity.core module
BeamSimilarity
BeamSimilarity.add()
BeamSimilarity.add_index()
BeamSimilarity.extract_data_and_index()
BeamSimilarity.get_index()
BeamSimilarity.is_trained
BeamSimilarity.metric_type
BeamSimilarity.ntotal
BeamSimilarity.reconstruct()
BeamSimilarity.reconstruct_n()
BeamSimilarity.remove_ids()
BeamSimilarity.reset()
BeamSimilarity.search()
BeamSimilarity.train()
Similarities
- beamds.beam.similarity.dense module
- beamds.beam.similarity.sparnn module
- beamds.beam.similarity.sparse module
- beamds.beam.similarity.text module
- beamds.beam.similarity.tfidf module
- Module contents
- beamds.beam.sql package
- beamds.beam.ssl package
- beamds.beam.tabular package
- beamds.beam.transformer package
- beamds.beam.type package
- Submodules
- beamds.beam.type.core module
BeamType
BeamType.check()
BeamType.check_element()
BeamType.check_if_array()
BeamType.check_if_data_array()
BeamType.check_if_dataframe()
BeamType.check_if_scalar()
BeamType.check_major()
BeamType.check_minor()
BeamType.element
BeamType.is_array
BeamType.is_data_array
BeamType.is_dataframe
BeamType.is_path
BeamType.is_scalar
BeamType.is_str
BeamType.is_torch
BeamType.major
BeamType.minor
BeamType.repr_subtype()
- beamds.beam.type.utils module
TypeTuple
Types
Types.array
Types.beam_data
Types.beam_processor
Types.bool
Types.bytes
Types.cls
Types.complex
Types.container
Types.counter
Types.cudf
Types.dict
Types.empty
Types.float
Types.function
Types.int
Types.list
Types.method
Types.na
Types.native
Types.none
Types.numpy
Types.object
Types.other
Types.pandas
Types.path
Types.pil
Types.polars
Types.scalar
Types.scipy_sparse
Types.set
Types.slice
Types.str
Types.tensor
Types.tuple
Types.unknown
check_element_type()
check_minor_type()
elt_of_list()
is_beam_config()
is_beam_data()
is_beam_path()
is_beam_processor()
is_beam_resource()
is_cached_property()
is_class_instance()
is_class_method()
is_class_type()
is_container()
is_cudf()
is_dataframe()
is_function()
is_nan()
is_pandas()
is_pandas_dataframe()
is_pandas_series()
is_pil()
is_polars()
is_scalar()
is_scipy_sparse()
is_tensor()
is_torch_scalar()
- Module contents
BeamType
BeamType.check()
BeamType.check_element()
BeamType.check_if_array()
BeamType.check_if_data_array()
BeamType.check_if_dataframe()
BeamType.check_if_scalar()
BeamType.check_major()
BeamType.check_minor()
BeamType.element
BeamType.is_array
BeamType.is_data_array
BeamType.is_dataframe
BeamType.is_path
BeamType.is_scalar
BeamType.is_str
BeamType.is_torch
BeamType.major
BeamType.minor
BeamType.repr_subtype()
check_type()
- beamds.beam.utils package
- Submodules
- beamds.beam.utils.utils_all module
BeamDict
BeamJsonEncoder
CachedAttributeException
DataBatch
DataObject
LimitedSizeDict
LimitedSizeDictFactory
NoneClass
NullClass
Slicer
ThreadSafeDict
Timer
beam_base_port()
beam_service_port()
beam_traceback()
build_container_from_tupled_keys()
cached_property
check_if_port_is_available()
deserialize_annotation()
dict_to_list()
dict_to_signature()
dictionary_iterator()
filter_dict()
find_free_port()
find_port()
get_cached_properties()
get_class_properties()
get_closest_item_with_tuple_key()
get_edit_distance()
get_edit_ratio()
get_item_with_tuple_key()
get_notebook_name()
get_number_of_cores()
get_public_ip()
getmembers()
has_kwargs()
identity_function()
include_patterns()
insert_tupled_key()
int_or_float()
is_arange()
is_boolean()
is_notebook()
jupyter_like_traceback()
lazy_property()
mixin_dictionaries()
nested_defaultdict
new_container()
none_function()
parse_string_number()
parse_text_to_protocol()
pprint()
pretty_format_number()
pretty_print_dict()
pretty_print_timedelta()
rate_string_format()
recursive_func()
retrieve_name()
retry()
return_constant()
run_forever()
running_platform()
safe_getmembers()
serialize_annotation()
set_item_with_tuple_key()
signature_to_dict()
slice_array()
squeeze_scalar()
strip_prefix()
strip_suffix()
tqdm_beam()
- beamds.beam.utils.utils_ds module
GPUManager
as_dataframe()
as_list()
as_numpy()
as_scipy_coo()
as_scipy_csr()
as_something_recursively()
as_tensor()
batch_augmentation()
batch_augmentation_()
beam_device()
beam_hash()
big_array_representation()
check_nvlink()
collate_chunks()
concat_polars_horizontally()
container_len()
divide_chunks()
empty_element()
get_chunks()
hash_tensor()
is_chunk()
is_empty()
iter_container()
object_size()
recursive()
recursive_batch()
recursive_chunks()
recursive_clone()
recursive_collate_chunks()
recursive_concatenate()
recursive_detach()
recursive_device()
recursive_devices()
recursive_elementwise()
recursive_empty_elements()
recursive_flat_array()
recursive_flatten()
recursive_flatten_with_keys()
recursive_hierarchical_keys()
recursive_items()
recursive_keys()
recursive_len()
recursive_merge()
recursive_same_device()
recursive_shape()
recursive_size()
recursive_size_summary()
recursive_slice()
recursive_slice_columns()
recursive_squeeze()
recursive_to_cpu()
recursive_types()
recursive_values()
recursive_yield()
set_seed()
slice_to_index()
to_device()
- Module contents
- beamds.beam.workflow package
- beamds.beam.writer package
- Submodules
- beamds.beam.writer.mlflow module
- beamds.beam.writer.writer module
BeamWriter
BeamWriter.add_audio()
BeamWriter.add_custom_scalars()
BeamWriter.add_custom_scalars_marginchart()
BeamWriter.add_custom_scalars_multilinechart()
BeamWriter.add_embedding()
BeamWriter.add_figure()
BeamWriter.add_graph()
BeamWriter.add_histogram()
BeamWriter.add_histogram_raw()
BeamWriter.add_hparams()
BeamWriter.add_image()
BeamWriter.add_images()
BeamWriter.add_mesh()
BeamWriter.add_onnx_graph()
BeamWriter.add_openvino_graph()
BeamWriter.add_pr_curve()
BeamWriter.add_pr_curve_raw()
BeamWriter.add_scalar()
BeamWriter.add_scalars()
BeamWriter.add_tag()
BeamWriter.add_text()
BeamWriter.add_video()
BeamWriter.client
BeamWriter.from_url()
BeamWriter.root
BeamWriter.set_name()
CometWriter
TensorboardWriter
- Module contents
Submodules#
beamds.beam.meta module#
beamds.beam.resources module#
Module contents#
- class beamds.beam.BeamConfig(*args, _store_init_path=None, _save_init_args=True, **kwargs)[source]#
Bases:
Namespace
- property beam_class_name#
- defaults = {}#
- property help#
- property is_initialized#
- property namespace#
- parameters = [BeamParam(name='debug', type=<class 'bool'>, default=False, help='Whether to run in debug mode (logger is set to DEBUG level)', tags=None), BeamParam(name='colors', type=<class 'bool'>, default=True, help='Whether to use colors in the logger output', tags=None), BeamParam(name='beam-logs-path', type=<class 'str'>, default='/home/runner/beam_data/logs', help='Where to store the beam-logger output', tags=None)]#
- property tags#