List of all items
Structs
- device::DeviceConfig
- ecosystem::EcosystemInfo
- ecosystem::axolotl::AxolotlConfig
- ecosystem::axolotl::Trainer
- ecosystem::axolotl::TrainingConfig
- ecosystem::axolotl::adapters::AdapterApplicationConfig
- ecosystem::axolotl::adapters::AdapterWrapper
- ecosystem::axolotl::config::AxolotlConfig
- ecosystem::axolotl::config::DatasetConfig
- ecosystem::axolotl::config::LoraSettings
- ecosystem::axolotl::config::QuantizationSettings
- ecosystem::axolotl::config::TrainingConfig
- ecosystem::axolotl::dataset::Dataset
- ecosystem::axolotl::dataset::Example
- ecosystem::axolotl::model::AdapterLayers
- ecosystem::axolotl::model::LlamaWrapper
- ecosystem::axolotl::model::LoadedModel
- ecosystem::axolotl::model::ModelInfo
- ecosystem::axolotl::normalization::RmsNormWrapper
- ecosystem::axolotl::optimizer::AdamWOptimizer
- ecosystem::axolotl::optimizer::OptimizerConfig
- ecosystem::axolotl::scheduler::LRScheduler
- ecosystem::axolotl::trainer::StepMetrics
- ecosystem::axolotl::trainer::Trainer
- ecosystem::bitnet::BitLinear
- ecosystem::bitnet::BitNetAdapter
- ecosystem::bitnet::BitNetAdapterConfig
- ecosystem::bitnet::BitNetConfig
- ecosystem::bitnet::QuantizedActivations
- ecosystem::bitnet::TernaryWeight
- ecosystem::bitnet::layer::BitLinear
- ecosystem::bitnet::prelude::BitLinear
- ecosystem::bitnet::prelude::BitNetConfig
- ecosystem::bitnet::quantization::QuantizedActivations
- ecosystem::bitnet::quantization::TernaryWeight
- ecosystem::peft::AdaLoraConfig
- ecosystem::peft::AdaLoraLayer
- ecosystem::peft::AdapterRegistry
- ecosystem::peft::AdapterTrainingConfig
- ecosystem::peft::AdapterTrainingState
- ecosystem::peft::BoftConfig
- ecosystem::peft::BoftLayer
- ecosystem::peft::DoraLayer
- ecosystem::peft::Ia3Config
- ecosystem::peft::Ia3Layer
- ecosystem::peft::LoHaConfig
- ecosystem::peft::LoHaLayer
- ecosystem::peft::LoKrConfig
- ecosystem::peft::LoKrLayer
- ecosystem::peft::LoraConfig
- ecosystem::peft::LoraLayer
- ecosystem::peft::OftConfig
- ecosystem::peft::OftLayer
- ecosystem::peft::PeftModel
- ecosystem::peft::PrefixTuningConfig
- ecosystem::peft::PrefixTuningLayer
- ecosystem::peft::PromptTuningConfig
- ecosystem::peft::PromptTuningLayer
- ecosystem::peft::VeraConfig
- ecosystem::peft::VeraLayer
- ecosystem::peft::adapters::adalora::AdaLoraConfig
- ecosystem::peft::adapters::adalora::AdaLoraLayer
- ecosystem::peft::adapters::boft::BoftConfig
- ecosystem::peft::adapters::boft::BoftLayer
- ecosystem::peft::adapters::ia3::Ia3Config
- ecosystem::peft::adapters::ia3::Ia3Layer
- ecosystem::peft::adapters::loha::LoHaConfig
- ecosystem::peft::adapters::loha::LoHaLayer
- ecosystem::peft::adapters::lokr::LoKrConfig
- ecosystem::peft::adapters::lokr::LoKrLayer
- ecosystem::peft::adapters::lora::DoraLayer
- ecosystem::peft::adapters::lora::LoraConfig
- ecosystem::peft::adapters::lora::LoraLayer
- ecosystem::peft::adapters::oft::OftConfig
- ecosystem::peft::adapters::oft::OftLayer
- ecosystem::peft::adapters::prefix_tuning::PrefixTuningConfig
- ecosystem::peft::adapters::prefix_tuning::PrefixTuningLayer
- ecosystem::peft::adapters::prompt_tuning::PromptTuningConfig
- ecosystem::peft::adapters::prompt_tuning::PromptTuningLayer
- ecosystem::peft::adapters::vera::VeraConfig
- ecosystem::peft::adapters::vera::VeraLayer
- ecosystem::peft::config::BaseAdapterConfig
- ecosystem::peft::model::PeftModel
- ecosystem::peft::registry::AdapterRegistry
- ecosystem::peft::training::AdapterTrainingConfig
- ecosystem::peft::training::AdapterTrainingState
- ecosystem::qlora::ExportConfig
- ecosystem::qlora::PaddingInfo
- ecosystem::qlora::PagedAdamW
- ecosystem::qlora::PagedAdamWState
- ecosystem::qlora::QLoraConfig
- ecosystem::qlora::QLoraLayer
- ecosystem::qlora::QLoraTrainer
- ecosystem::qlora::QLoraTrainingConfig
- ecosystem::qlora::QuantizationConfig
- ecosystem::qlora::QuantizedLinear
- ecosystem::qlora::QuantizedTensor
- ecosystem::qlora::TrainingMetrics
- ecosystem::qlora::export::GgufMetadata
- ecosystem::qlora::formats::ExportConfig
- ecosystem::qlora::native::NativeMetadata
- ecosystem::qlora::qlora::QLoraConfig
- ecosystem::qlora::qlora::QLoraLayer
- ecosystem::qlora::qlora::QuantizedLinear
- ecosystem::qlora::quantization::PaddingInfo
- ecosystem::qlora::quantization::QuantizationConfig
- ecosystem::qlora::quantization::QuantizedTensor
- ecosystem::qlora::training::PagedAdamW
- ecosystem::qlora::training::PagedAdamWState
- ecosystem::qlora::training::QLoraTrainer
- ecosystem::qlora::training::QLoraTrainingConfig
- ecosystem::qlora::training::TrainingMetrics
- ecosystem::trit::PackedTritVec
- ecosystem::trit::SparseVec
- ecosystem::trit::Tryte3
- ecosystem::trit::Word6
- ecosystem::trit::prelude::PackedTritVec
- ecosystem::trit::prelude::SparseVec
- ecosystem::trit::prelude::Tryte3
- ecosystem::trit::prelude::Word6
- ecosystem::tritter::GradientCompressor
- ecosystem::tritter::InferenceConfig
- ecosystem::tritter::InferenceEngine
- ecosystem::tritter::PackedTernary
- ecosystem::tritter::QuantizationResult
- ecosystem::tritter::QuantizeConfig
- ecosystem::tritter::TernaryLayer
- ecosystem::tritter::TernaryMatmulConfig
- ecosystem::tritter::TrainingConfig
- ecosystem::tritter::VsaConfig
- ecosystem::tritter::VsaOps
- ecosystem::tritter::bitnet::BitLinear
- ecosystem::tritter::bitnet::BitNetConfig
- ecosystem::tritter::bitnet::TernaryWeight
- ecosystem::tritter::core::GradientCompressor
- ecosystem::tritter::core::InferenceConfig
- ecosystem::tritter::core::InferenceEngine
- ecosystem::tritter::core::PackedTernary
- ecosystem::tritter::core::QuantizationResult
- ecosystem::tritter::core::QuantizeConfig
- ecosystem::tritter::core::TernaryMatmulConfig
- ecosystem::tritter::core::TrainingConfig
- ecosystem::tritter::core::VsaConfig
- ecosystem::tritter::core::VsaOps
- ecosystem::tritter::core::inference::InferenceConfig
- ecosystem::tritter::core::inference::InferenceEngine
- ecosystem::tritter::core::inference::KVCache
- ecosystem::tritter::core::inference::TernaryLayer
- ecosystem::tritter::core::quantization::QuantizationResult
- ecosystem::tritter::core::quantization::QuantizeConfig
- ecosystem::tritter::core::ternary::PackedTernary
- ecosystem::tritter::core::ternary::TernaryMatmulConfig
- ecosystem::tritter::core::training::CompressedGradient
- ecosystem::tritter::core::training::GradientAccumulator
- ecosystem::tritter::core::training::GradientCompressor
- ecosystem::tritter::core::training::TernaryCompressedGradient
- ecosystem::tritter::core::training::TrainingConfig
- ecosystem::tritter::core::training::mixed_precision::LossScaler
- ecosystem::tritter::core::vsa::VsaConfig
- ecosystem::tritter::core::vsa::VsaOps
- ecosystem::tritter::ternary::PackedTritVec
- ecosystem::tritter::ternary::SparseVec
- ecosystem::tritter::ternary::Tryte3
- ecosystem::tritter::ternary::Word6
- ecosystem::tritter::vsa::CompressionStats
- ecosystem::tritter::vsa::GradientMetadata
- ecosystem::tritter::vsa::VSAConfig
- ecosystem::tritter::vsa::VSAGradientCompressor
- ecosystem::unsloth::kernels::FlashAttentionConfig
- ecosystem::unsloth::kernels::FusedAttention
- ecosystem::unsloth::kernels::FusedAttentionConfig
- ecosystem::unsloth::kernels::RmsNorm
- ecosystem::unsloth::kernels::RotaryEmbedding
- ecosystem::unsloth::kernels::SparsityMetadata
- ecosystem::unsloth::kernels::SwiGLU
- ecosystem::unsloth::kernels::TernaryConfig
- ecosystem::unsloth::kernels::TernaryLinear
- ecosystem::unsloth::kernels::TernaryPlanes
- ecosystem::unsloth::kernels::TernaryTensor
- ecosystem::unsloth::kernels::attention::FusedAttention
- ecosystem::unsloth::kernels::attention::FusedAttentionConfig
- ecosystem::unsloth::kernels::cubecl::FlashAttentionConfig
- ecosystem::unsloth::kernels::cubecl::config::FlashAttentionConfig
- ecosystem::unsloth::kernels::rmsnorm::RmsNorm
- ecosystem::unsloth::kernels::rope::RotaryEmbedding
- ecosystem::unsloth::kernels::swiglu::SwiGLU
- ecosystem::unsloth::kernels::ternary::ModelQuantizationConfig
- ecosystem::unsloth::kernels::ternary::QuantizationStats
- ecosystem::unsloth::kernels::ternary::SparsityMetadata
- ecosystem::unsloth::kernels::ternary::TernaryAttentionConfig
- ecosystem::unsloth::kernels::ternary::TernaryAttentionWeights
- ecosystem::unsloth::kernels::ternary::TernaryConfig
- ecosystem::unsloth::kernels::ternary::TernaryLinear
- ecosystem::unsloth::kernels::ternary::TernaryModel
- ecosystem::unsloth::kernels::ternary::TernaryPlanes
- ecosystem::unsloth::kernels::ternary::TernaryTensor
- ecosystem::unsloth::kernels::ternary::attention::OnlineSoftmaxState
- ecosystem::unsloth::kernels::ternary::attention::TernaryAttentionConfig
- ecosystem::unsloth::kernels::ternary::attention::TernaryAttentionWeights
- ecosystem::unsloth::kernels::ternary::config::TernaryConfig
- ecosystem::unsloth::kernels::ternary::linear::TernaryLinear
- ecosystem::unsloth::kernels::ternary::linear::TernaryLinearBuilder
- ecosystem::unsloth::kernels::ternary::model::ModelQuantizationConfig
- ecosystem::unsloth::kernels::ternary::model::QuantizationStats
- ecosystem::unsloth::kernels::ternary::model::QuantizedLayer
- ecosystem::unsloth::kernels::ternary::model::TernaryModel
- ecosystem::unsloth::kernels::ternary::quantize::QuantizationStats
- ecosystem::unsloth::kernels::ternary::types::SparsityMetadata
- ecosystem::unsloth::kernels::ternary::types::TernaryPlanes
- ecosystem::unsloth::kernels::ternary::types::TernaryTensor
- ecosystem::unsloth::memory::CheckpointConfig
- ecosystem::unsloth::memory::MemoryPool
- ecosystem::unsloth::training::MixedPrecisionConfig
- ecosystem::unsloth::training::TrainingConfig
- ecosystem::vsa_optim::DeterministicPhaseConfig
- ecosystem::vsa_optim::DeterministicPhaseTrainer
- ecosystem::vsa_optim::DeterministicPredictionConfig
- ecosystem::vsa_optim::DeterministicPredictor
- ecosystem::vsa_optim::DeterministicStepInfo
- ecosystem::vsa_optim::DeterministicTrainerStats
- ecosystem::vsa_optim::GradientPredictor
- ecosystem::vsa_optim::PhaseConfig
- ecosystem::vsa_optim::PhaseTrainer
- ecosystem::vsa_optim::PredictionConfig
- ecosystem::vsa_optim::PredictorStatistics
- ecosystem::vsa_optim::TernaryConfig
- ecosystem::vsa_optim::TernaryGradientAccumulator
- ecosystem::vsa_optim::TernaryOptimizerWrapper
- ecosystem::vsa_optim::VSAConfig
- ecosystem::vsa_optim::VSAGradientCompressor
- ecosystem::vsa_optim::config::PhaseConfig
- ecosystem::vsa_optim::config::PredictionConfig
- ecosystem::vsa_optim::config::TernaryConfig
- ecosystem::vsa_optim::config::VSAConfig
- ecosystem::vsa_optim::phase::DeterministicPhaseConfig
- ecosystem::vsa_optim::phase::DeterministicPhaseTrainer
- ecosystem::vsa_optim::phase::DeterministicStepInfo
- ecosystem::vsa_optim::phase::DeterministicTrainerStats
- ecosystem::vsa_optim::phase::PhaseTrainer
- ecosystem::vsa_optim::phase::StepInfo
- ecosystem::vsa_optim::phase::TrainerStats
- ecosystem::vsa_optim::prediction::DeterministicPredictionConfig
- ecosystem::vsa_optim::prediction::DeterministicPredictor
- ecosystem::vsa_optim::prediction::GradientPredictor
- ecosystem::vsa_optim::prediction::PredictorStatistics
- ecosystem::vsa_optim::prediction::PredictorStats
- ecosystem::vsa_optim::ternary::OptimizerStats
- ecosystem::vsa_optim::ternary::TernaryGradientAccumulator
- ecosystem::vsa_optim::ternary::TernaryOptimizerWrapper
- ecosystem::vsa_optim::vsa::CompressionStats
- ecosystem::vsa_optim::vsa::GradientMetadata
- ecosystem::vsa_optim::vsa::VSAGradientCompressor
- facade::FinetuneBuilder
- facade::FinetuneConfig
- facade::QuantizeBuilder
- facade::QuantizeConfig
- facade::RustAI
- facade::RustAIConfig
- facade::RustAIInfo
- facade::TrainBuilder
- facade::TrainConfig
- facade::VsaBuilder
- facade::VsaConfig
- logging::LogConfig
- memory::MemoryTracker
Enums
- dtype::PrecisionMode
- ecosystem::axolotl::AxolotlError
- ecosystem::axolotl::config::AdapterType
- ecosystem::axolotl::config::DatasetFormat
- ecosystem::axolotl::config::LrScheduler
- ecosystem::axolotl::config::QuantType
- ecosystem::axolotl::error::AxolotlError
- ecosystem::axolotl::scheduler::SchedulerType
- ecosystem::bitnet::BitNetError
- ecosystem::bitnet::prelude::BitNetError
- ecosystem::peft::LrSchedule
- ecosystem::peft::ModulePattern
- ecosystem::peft::PeftError
- ecosystem::peft::adapters::lora::LoraInitialization
- ecosystem::peft::adapters::prompt_tuning::PromptInit
- ecosystem::peft::error::PeftError
- ecosystem::peft::model::ModulePattern
- ecosystem::peft::training::LrSchedule
- ecosystem::qlora::ComputeDType
- ecosystem::qlora::ExportFormat
- ecosystem::qlora::QLoraError
- ecosystem::qlora::QuantizationStrategy
- ecosystem::qlora::error::QLoraError
- ecosystem::qlora::formats::ExportFormat
- ecosystem::qlora::quantization::ComputeDType
- ecosystem::qlora::quantization::QuantizationStrategy
- ecosystem::trit::TernaryError
- ecosystem::trit::Trit
- ecosystem::trit::prelude::TernaryError
- ecosystem::trit::prelude::Trit
- ecosystem::tritter::core::inference::DeviceType
- ecosystem::tritter::core::inference::InferenceError
- ecosystem::tritter::core::quantization::QuantizationError
- ecosystem::tritter::core::ternary::TernaryError
- ecosystem::tritter::core::training::TrainingError
- ecosystem::tritter::core::vsa::DevicePreference
- ecosystem::tritter::core::vsa::VsaError
- ecosystem::tritter::ternary::Trit
- ecosystem::unsloth::UnslothError
- ecosystem::unsloth::error::UnslothError
- ecosystem::unsloth::kernels::CalibrationMethod
- ecosystem::unsloth::kernels::ternary::CalibrationMethod
- ecosystem::unsloth::kernels::ternary::config::CalibrationMethodConfig
- ecosystem::unsloth::kernels::ternary::config::ConfigError
- ecosystem::unsloth::kernels::ternary::quantize::CalibrationMethod
- ecosystem::unsloth::memory::DeviceType
- ecosystem::unsloth::training::PrecisionMode
- ecosystem::vsa_optim::DeterministicPhase
- ecosystem::vsa_optim::OptimError
- ecosystem::vsa_optim::TrainingPhase
- ecosystem::vsa_optim::error::OptimError
- ecosystem::vsa_optim::phase::DeterministicPhase
- ecosystem::vsa_optim::phase::TrainingPhase
- error::CoreError
- facade::AdapterType
- facade::QuantizeMethod
- logging::LogLevel
Traits
- dtype::DTypeExt
- ecosystem::peft::Adapter
- ecosystem::peft::AdapterConfig
- ecosystem::peft::Mergeable
- ecosystem::peft::SaveLoad
- ecosystem::peft::Trainable
- ecosystem::peft::io::SaveLoad
- ecosystem::peft::traits::Adapter
- ecosystem::peft::traits::AdapterConfig
- ecosystem::peft::traits::Mergeable
- ecosystem::peft::traits::Trainable
- traits::Dequantize
- traits::GpuDispatchable
- traits::Quantize
- traits::ValidatableConfig
Macros
Functions
- device::get_device
- device::warn_if_cpu
- dtype::bytes_per_element
- dtype::is_floating_point
- ecosystem::axolotl::model::download_model
- ecosystem::axolotl::model::load_model
- ecosystem::axolotl::model::merge_adapter
- ecosystem::bitnet::dequantize_activations
- ecosystem::bitnet::dequantize_weights
- ecosystem::bitnet::kernels::cuda_available
- ecosystem::bitnet::layer::int8_ste
- ecosystem::bitnet::layer::ste_backward
- ecosystem::bitnet::layer::ste_forward
- ecosystem::bitnet::layer::ternary_ste
- ecosystem::bitnet::prelude::quantize_activations
- ecosystem::bitnet::prelude::quantize_weights
- ecosystem::bitnet::quantization::dequantize_activations
- ecosystem::bitnet::quantization::dequantize_weights
- ecosystem::bitnet::quantization::quantize_activations
- ecosystem::bitnet::quantization::quantize_ste
- ecosystem::bitnet::quantization::quantize_weights
- ecosystem::bitnet::quantize_activations
- ecosystem::bitnet::quantize_weights
- ecosystem::peft::count_trainable_parameters
- ecosystem::peft::format_parameter_count
- ecosystem::peft::get_peft_model
- ecosystem::peft::io::load_adapter_config
- ecosystem::peft::io::load_adapter_weights
- ecosystem::peft::io::load_pretrained
- ecosystem::peft::io::save_adapter_config
- ecosystem::peft::io::save_adapter_weights
- ecosystem::peft::io::save_pretrained
- ecosystem::peft::load_adapter_config
- ecosystem::peft::load_adapter_weights
- ecosystem::peft::load_pretrained
- ecosystem::peft::model::get_peft_model
- ecosystem::peft::save_adapter_config
- ecosystem::peft::save_adapter_weights
- ecosystem::peft::save_pretrained
- ecosystem::peft::training::count_trainable_parameters
- ecosystem::peft::training::format_parameter_count
- ecosystem::qlora::cross_entropy_loss
- ecosystem::qlora::dequantize_nf4
- ecosystem::qlora::dequantize_nf4_with_dtype
- ecosystem::qlora::export::export_gguf
- ecosystem::qlora::export::merge_and_export_gguf
- ecosystem::qlora::export_model
- ecosystem::qlora::export_native_format
- ecosystem::qlora::formats::export_gguf
- ecosystem::qlora::formats::export_model
- ecosystem::qlora::formats::export_native_format
- ecosystem::qlora::native::export_native
- ecosystem::qlora::pad_for_quantization
- ecosystem::qlora::pad_for_quantization_with_info
- ecosystem::qlora::quantization::dequantize_nf4
- ecosystem::qlora::quantization::dequantize_nf4_with_dtype
- ecosystem::qlora::quantization::pad_for_quantization
- ecosystem::qlora::quantization::pad_for_quantization_with_info
- ecosystem::qlora::quantization::quantize_nf4
- ecosystem::qlora::quantization::quantize_nf4_with_config
- ecosystem::qlora::quantization::unpad_tensor
- ecosystem::qlora::quantize_nf4
- ecosystem::qlora::training::cross_entropy_loss
- ecosystem::qlora::unpad_tensor
- ecosystem::trit::arithmetic::add_ternary
- ecosystem::trit::arithmetic::compare_ternary
- ecosystem::trit::arithmetic::from_balanced_ternary
- ecosystem::trit::arithmetic::int_to_tryte
- ecosystem::trit::arithmetic::int_to_word
- ecosystem::trit::arithmetic::is_valid_trit
- ecosystem::trit::arithmetic::is_valid_tryte
- ecosystem::trit::arithmetic::is_valid_word
- ecosystem::trit::arithmetic::multiply_ternary
- ecosystem::trit::arithmetic::negate_ternary
- ecosystem::trit::arithmetic::to_balanced_ternary
- ecosystem::trit::arithmetic::tryte_to_int
- ecosystem::trit::arithmetic::word_to_int
- ecosystem::trit::prelude::bind
- ecosystem::trit::prelude::bundle
- ecosystem::trit::prelude::cosine_similarity
- ecosystem::trit::prelude::from_balanced_ternary
- ecosystem::trit::prelude::hamming_distance
- ecosystem::trit::prelude::to_balanced_ternary
- ecosystem::trit::simd::simd_available
- ecosystem::trit::simd::simd_dot
- ecosystem::trit::simd::simd_impl_name
- ecosystem::trit::simd::simd_popcount_total
- ecosystem::trit::vsa::bind
- ecosystem::trit::vsa::bind_many
- ecosystem::trit::vsa::bundle
- ecosystem::trit::vsa::bundle_many
- ecosystem::trit::vsa::cosine_similarity
- ecosystem::trit::vsa::cosine_similarity_sparse
- ecosystem::trit::vsa::hamming_distance
- ecosystem::trit::vsa::hamming_similarity
- ecosystem::trit::vsa::majority_trit
- ecosystem::trit::vsa::unbind
- ecosystem::tritter::bitnet::dequantize_weights
- ecosystem::tritter::bitnet::quantize_weights
- ecosystem::tritter::core::quantization::dequantize
- ecosystem::tritter::core::quantization::quantize_absmax
- ecosystem::tritter::core::quantization::quantize_absmean
- ecosystem::tritter::core::quantization::quantize_activations
- ecosystem::tritter::core::ternary::dot
- ecosystem::tritter::core::ternary::matmul
- ecosystem::tritter::core::training::mixed_precision::bf16_to_f32
- ecosystem::tritter::core::training::mixed_precision::convert_from_bf16
- ecosystem::tritter::core::training::mixed_precision::convert_to_bf16
- ecosystem::tritter::core::training::mixed_precision::f32_to_bf16
- ecosystem::tritter::core::training::mixed_precision::has_nan_or_inf
- ecosystem::tritter::core::training::mixed_precision::safe_clip
- ecosystem::tritter::quantize_absmax
- ecosystem::tritter::quantize_absmean
- ecosystem::tritter::ternary::bind
- ecosystem::tritter::ternary::bundle
- ecosystem::tritter::ternary::cosine_similarity
- ecosystem::tritter::ternary::unbind
- ecosystem::tritter::ternary_matmul_rust
- ecosystem::unsloth::kernels::attention_cubecl::estimate_flash_attention_vram
- ecosystem::unsloth::kernels::attention_cubecl::flash_attention_cubecl
- ecosystem::unsloth::kernels::attention_cubecl::has_cubecl_support
- ecosystem::unsloth::kernels::cubecl::candle_to_cubecl_handle
- ecosystem::unsloth::kernels::cubecl::cubecl_bytes_to_u32_plane
- ecosystem::unsloth::kernels::cubecl::cubecl_to_candle_tensor
- ecosystem::unsloth::kernels::cubecl::flash_attention_kernel
- ecosystem::unsloth::kernels::cubecl::has_cubecl_cuda_support
- ecosystem::unsloth::kernels::cubecl::interop::allocate_output_buffer
- ecosystem::unsloth::kernels::cubecl::interop::candle_to_cubecl_handle
- ecosystem::unsloth::kernels::cubecl::interop::create_sparsity_bitmap_for_tensor
- ecosystem::unsloth::kernels::cubecl::interop::cubecl_bytes_to_u32_plane
- ecosystem::unsloth::kernels::cubecl::interop::cubecl_to_candle_tensor
- ecosystem::unsloth::kernels::cubecl::interop::cubecl_to_u32_candle_tensor
- ecosystem::unsloth::kernels::cubecl::interop::has_cubecl_cuda_support
- ecosystem::unsloth::kernels::cubecl::interop::sparsity_metadata_to_cubecl_bytes
- ecosystem::unsloth::kernels::cubecl::interop::ternary_tensor_to_cubecl_handles
- ecosystem::unsloth::kernels::cubecl::interop::u32_planes_to_cubecl_bytes
- ecosystem::unsloth::kernels::cubecl::interop::u32_tensor_to_cubecl_handle
- ecosystem::unsloth::kernels::cubecl::kernel::flash_attention_kernel
- ecosystem::unsloth::kernels::cubecl::ternary_tensor_to_cubecl_handles
- ecosystem::unsloth::kernels::cubecl::u32_planes_to_cubecl_bytes
- ecosystem::unsloth::kernels::flash_attention_cubecl
- ecosystem::unsloth::kernels::flash_attention_kernel
- ecosystem::unsloth::kernels::has_cubecl_support
- ecosystem::unsloth::kernels::ternary::attention::apply_causal_mask_to_planes
- ecosystem::unsloth::kernels::ternary::attention::should_use_ternary_attention
- ecosystem::unsloth::kernels::ternary::attention::ternary_attention_cpu
- ecosystem::unsloth::kernels::ternary::attention::ternary_attention_score
- ecosystem::unsloth::kernels::ternary::linear::convert_linear
- ecosystem::unsloth::kernels::ternary::linear::convert_linear_with_config
- ecosystem::unsloth::kernels::ternary::matmul::ternary_matmul
- ecosystem::unsloth::kernels::ternary::matmul::ternary_matmul_cpu
- ecosystem::unsloth::kernels::ternary::matmul::ternary_matmul_cpu_packed
- ecosystem::unsloth::kernels::ternary::model::quantize_linear_layer
- ecosystem::unsloth::kernels::ternary::model::quantize_weights_collection
- ecosystem::unsloth::kernels::ternary::quantize::dequantize_tensor
- ecosystem::unsloth::kernels::ternary::quantize::quantize_linear_weights
- ecosystem::unsloth::kernels::ternary::quantize::quantize_tensor
- ecosystem::unsloth::kernels::ternary::quantize_linear_layer
- ecosystem::unsloth::kernels::ternary::quantize_tensor
- ecosystem::unsloth::kernels::ternary::quantize_weights_collection
- ecosystem::unsloth::kernels::ternary::should_use_ternary_attention
- ecosystem::unsloth::kernels::ternary::ternary_attention_cpu
- ecosystem::unsloth::kernels::ternary::ternary_matmul
- ecosystem::unsloth::kernels::ternary::ternary_matmul_cpu
- ecosystem::unsloth::memory::estimate_attention_vram
- ecosystem::unsloth::memory::estimate_forward_memory
- ecosystem::unsloth::memory::format_bytes
- ecosystem::unsloth::training::compute_gradient_checkpointed
- ecosystem::unsloth::training::convert_precision
- ecosystem::unsloth::training::has_inf_or_nan
- ecosystem::unsloth::training::scale_gradients
- ecosystem::unsloth::training::scale_loss
- ecosystem::unsloth::training::unscale_gradients
- ecosystem::unsloth::training::update_loss_scale
- ecosystem::vsa_optim::ternary::calculate_memory_savings
- ecosystem::vsa_optim::ternary::ternary_quantize_deterministic
- ecosystem::vsa_optim::ternary::ternary_quantize_stochastic
- ecosystem::vsa_optim::ternary::ternary_quantize_stochastic_packed
- ecosystem::vsa_optim::vsa::hyperdimensional_bind
- ecosystem::vsa_optim::vsa::hyperdimensional_bind_ternary
- ecosystem::vsa_optim::vsa::hyperdimensional_bundle
- ecosystem::vsa_optim::vsa::hyperdimensional_bundle_ternary
- ecosystem::vsa_optim::vsa::ternary_dequantize_packed
- ecosystem::vsa_optim::vsa::ternary_quantize
- ecosystem::vsa_optim::vsa::ternary_quantize_packed
- logging::init_logging
- logging::log_memory_usage
- logging::log_training_step
- memory::estimate_attention_memory
- memory::estimate_tensor_bytes
Type Aliases
- ecosystem::axolotl::Result
- ecosystem::axolotl::error::Result
- ecosystem::bitnet::Result
- ecosystem::bitnet::prelude::Result
- ecosystem::peft::Result
- ecosystem::peft::error::Result
- ecosystem::qlora::Result
- ecosystem::qlora::error::Result
- ecosystem::trit::Result
- ecosystem::trit::prelude::Result
- ecosystem::unsloth::Result
- ecosystem::unsloth::error::Result
- ecosystem::vsa_optim::Result
- ecosystem::vsa_optim::error::Result
- error::Result
Constants
- VERSION
- ecosystem::peft::ADAPTER_CONFIG_FILENAME
- ecosystem::peft::ADAPTER_WEIGHTS_FILENAME
- ecosystem::peft::io::ADAPTER_CONFIG_FILENAME
- ecosystem::peft::io::ADAPTER_WEIGHTS_FILENAME
- ecosystem::qlora::quantization::NF4_LEVELS
- ecosystem::trit::TRYTE3_MAX
- ecosystem::trit::TRYTE3_MIN
- ecosystem::trit::WORD6_MAX
- ecosystem::trit::WORD6_MIN
- memory::DEFAULT_OVERHEAD_FACTOR