Contents Menu Expand Light mode Dark mode Auto light/dark mode
Raster Vision v0.20.3-dev documentation
Logo
  • Why Raster Vision?
  • Setup
    • Installation
    • Configuration
    • Using GPUs
  • Usage Overview
  • Basic Concepts
  • Tutorials
    • Reading raster data
    • Reading vector data
    • Reading labels
    • Sampling training data
    • Scenes and AOIs
    • Plot samples from Datasets using Visualizers
    • Training a model
    • Prediction and Evaluation
    • Using Raster Vision with Lightning
    • Working with pre-chipped datasets
  • The Raster Vision Pipeline
    • Quickstart
    • Command Line Interface
    • Pipelines and Commands
    • Examples
    • Running Pipelines
    • Architecture and Customization
    • Bootstrap new projects with a template
    • Setup AWS Batch using CloudFormation
    • Miscellaneous Topics
  • API Reference
    • pipeline
      • cli
        • convert_bool_args
        • get_configs
        • print_error
      • config
        • Config
        • build_config
        • get_plugin
        • register_config
        • save_pipeline_config
        • upgrade_config
        • upgrade_plugin_versions
        • rastervision.pipeline.config.ConfigError
      • file_system
        • file_system
          • FileSystem
          • rastervision.pipeline.file_system.file_system.NotReadableError
          • rastervision.pipeline.file_system.file_system.NotWritableError
        • http_file_system
          • HttpFileSystem
          • get_file_obj
        • local_file_system
          • LocalFileSystem
          • make_dir
          • progressbar
        • utils
          • download_if_needed
          • download_or_copy
          • extract
          • file_exists
          • file_to_json
          • file_to_str
          • get_local_path
          • get_tmp_dir
          • is_archive
          • is_local
          • json_to_file
          • list_paths
          • start_sync
          • str_to_file
          • sync_from_dir
          • sync_to_dir
          • unzip
          • upload_or_copy
          • zipdir
      • pipeline
        • Pipeline
      • pipeline_config
        • PipelineConfig
      • registry
        • Registry
        • rastervision.pipeline.registry.RegistryError
      • runner
        • inprocess_runner
          • InProcessRunner
        • local_runner
          • LocalRunner
        • runner
          • Runner
      • rv_config
        • RVConfig
        • load_conf_list
      • utils
        • grouped
        • split_into_groups
        • terminate_at_exit
      • verbosity
        • Verbosity
      • version
    • core
      • analyzer
        • analyzer
          • Analyzer
        • analyzer_config
          • AnalyzerConfig
        • stats_analyzer
          • StatsAnalyzer
        • stats_analyzer_config
          • StatsAnalyzerConfig
      • backend
        • backend
          • Backend
          • SampleWriter
        • backend_config
          • BackendConfig
      • box
        • Box
        • NonNegInt
        • rastervision.core.box.BoxSizeError
      • cli
        • OptionEatAll
      • data
        • class_config
          • ClassConfig
        • crs_transformer
          • crs_transformer
            • CRSTransformer
          • identity_crs_transformer
            • IdentityCRSTransformer
          • rasterio_crs_transformer
            • RasterioCRSTransformer
        • dataset_config
          • DatasetConfig
        • label
          • chip_classification_labels
            • ChipClassificationLabels
            • ClassificationLabel
          • labels
            • Labels
          • object_detection_labels
            • ObjectDetectionLabels
          • semantic_segmentation_labels
            • SemanticSegmentationDiscreteLabels
            • SemanticSegmentationLabels
            • SemanticSegmentationSmoothLabels
          • tfod_utils
            • np_box_list
              • BoxList
            • np_box_list_ops
              • SortOrder
              • area
              • change_coordinate_frame
              • clip_to_window
              • concatenate
              • filter_scores_greater_than
              • gather
              • intersection
              • ioa
              • iou
              • multi_class_non_max_suppression
              • non_max_suppression
              • prune_non_overlapping_boxes
              • prune_outside_window
              • scale
              • sort_by_field
            • np_box_ops
              • area
              • intersection
              • ioa
              • iou
          • utils
            • discard_prediction_edges
        • label_source
          • chip_classification_label_source
            • ChipClassificationLabelSource
            • infer_cells
            • read_labels
          • chip_classification_label_source_config
            • ChipClassificationLabelSourceConfig
          • label_source
            • LabelSource
          • label_source_config
            • LabelSourceConfig
          • object_detection_label_source
            • ObjectDetectionLabelSource
          • object_detection_label_source_config
            • ObjectDetectionLabelSourceConfig
          • semantic_segmentation_label_source
            • SemanticSegmentationLabelSource
            • fill_edge
          • semantic_segmentation_label_source_config
            • SemanticSegmentationLabelSourceConfig
        • label_store
          • chip_classification_geojson_store
            • ChipClassificationGeoJSONStore
          • chip_classification_geojson_store_config
            • ChipClassificationGeoJSONStoreConfig
          • label_store
            • LabelStore
          • label_store_config
            • LabelStoreConfig
          • object_detection_geojson_store
            • ObjectDetectionGeoJSONStore
          • object_detection_geojson_store_config
            • ObjectDetectionGeoJSONStoreConfig
          • semantic_segmentation_label_store
            • SemanticSegmentationLabelStore
          • semantic_segmentation_label_store_config
            • BuildingVectorOutputConfig
            • PolygonVectorOutputConfig
            • SemanticSegmentationLabelStoreConfig
            • VectorOutputConfig
          • utils
            • boxes_to_geojson
        • raster_source
          • multi_raster_source
            • MultiRasterSource
          • multi_raster_source_config
            • MultiRasterSourceConfig
          • raster_source
            • RasterSource
            • rastervision.core.data.raster_source.raster_source.ChannelOrderError
          • raster_source_config
            • RasterSourceConfig
          • rasterio_source
            • RasterioSource
            • build_vrt
            • download_and_build_vrt
            • fill_overflow
            • get_channel_order_from_dataset
            • load_window
          • rasterio_source_config
            • RasterioSourceConfig
          • rasterized_source
            • RasterizedSource
            • geoms_to_raster
          • rasterized_source_config
            • RasterizedSourceConfig
            • RasterizerConfig
        • raster_transformer
          • cast_transformer
            • CastTransformer
          • cast_transformer_config
            • CastTransformerConfig
          • min_max_transformer
            • MinMaxTransformer
          • min_max_transformer_config
            • MinMaxTransformerConfig
          • nan_transformer
            • NanTransformer
          • nan_transformer_config
            • NanTransformerConfig
          • raster_transformer
            • RasterTransformer
          • raster_transformer_config
            • RasterTransformerConfig
          • reclass_transformer
            • ReclassTransformer
          • reclass_transformer_config
            • ReclassTransformerConfig
          • rgb_class_transformer
            • RGBClassTransformer
          • rgb_class_transformer_config
            • RGBClassTransformerConfig
          • stats_transformer
            • StatsTransformer
          • stats_transformer_config
            • StatsTransformerConfig
        • scene
          • Scene
        • scene_config
          • SceneConfig
        • utils
          • factory
            • make_cc_scene
            • make_od_scene
            • make_ss_scene
          • geojson
            • all_geoms_valid
            • buffer_geoms
            • features_to_geojson
            • filter_features
            • geojson_to_geoms
            • geom_to_feature
            • geometries_to_geojson
            • geometry_to_feature
            • geoms_to_geojson
            • get_polygons_from_uris
            • is_empty_feature
            • map_features
            • map_geoms
            • map_to_pixel_coords
            • merge_geojsons
            • pixel_to_map_coords
            • remove_empty_features
            • simplify_polygons
            • split_multi_geometries
          • misc
            • all_equal
            • color_to_integer
            • color_to_triple
            • listify_uris
            • normalize_color
            • rgb_to_int_array
          • vectorization
            • denoise
            • get_kernel
            • get_rectangle
            • mask_to_building_polygons
            • mask_to_polygons
        • vector_source
          • geojson_vector_source
            • GeoJSONVectorSource
          • geojson_vector_source_config
            • GeoJSONVectorSourceConfig
          • vector_source
            • VectorSource
            • sanitize_geojson
          • vector_source_config
            • VectorSourceConfig
        • vector_transformer
          • buffer_transformer
            • BufferTransformer
          • buffer_transformer_config
            • BufferTransformerConfig
          • class_inference_transformer
            • ClassInferenceTransformer
          • class_inference_transformer_config
            • ClassInferenceTransformerConfig
          • label_maker
            • filter
              • create_filter
          • shift_transformer
            • ShiftTransformer
          • shift_transformer_config
            • ShiftTransformerConfig
          • vector_transformer
            • VectorTransformer
          • vector_transformer_config
            • VectorTransformerConfig
      • data_sample
      • evaluation
        • chip_classification_evaluation
          • ChipClassificationEvaluation
        • chip_classification_evaluator
          • ChipClassificationEvaluator
        • chip_classification_evaluator_config
          • ChipClassificationEvaluatorConfig
        • class_evaluation_item
          • ClassEvaluationItem
        • classification_evaluation
          • ClassificationEvaluation
          • ensure_json_serializable
        • classification_evaluator
          • ClassificationEvaluator
        • classification_evaluator_config
          • ClassificationEvaluatorConfig
        • evaluation_item
          • EvaluationItem
        • evaluator
          • Evaluator
        • evaluator_config
          • EvaluatorConfig
        • object_detection_evaluation
          • ObjectDetectionEvaluation
          • compute_metrics
        • object_detection_evaluator
          • ObjectDetectionEvaluator
        • object_detection_evaluator_config
          • ObjectDetectionEvaluatorConfig
        • semantic_segmentation_evaluation
          • SemanticSegmentationEvaluation
        • semantic_segmentation_evaluator
          • SemanticSegmentationEvaluator
        • semantic_segmentation_evaluator_config
          • SemanticSegmentationEvaluatorConfig
      • predictor
        • Predictor
      • raster_stats
        • RasterStats
        • parallel_mean
        • parallel_variance
      • rv_pipeline
        • chip_classification
          • ChipClassification
          • get_train_windows
        • chip_classification_config
          • ChipClassificationConfig
        • object_detection
          • ObjectDetection
          • get_train_windows
          • make_neg_windows
          • make_pos_windows
        • object_detection_config
          • ObjectDetectionWindowMethod
          • ObjectDetectionChipOptions
          • ObjectDetectionConfig
          • ObjectDetectionPredictOptions
        • rv_pipeline
          • RVPipeline
        • rv_pipeline_config
          • PredictOptions
          • RVPipelineConfig
        • semantic_segmentation
          • SemanticSegmentation
          • get_train_windows
        • semantic_segmentation_config
          • SemanticSegmentationWindowMethod
          • SemanticSegmentationChipOptions
          • SemanticSegmentationConfig
          • SemanticSegmentationPredictOptions
        • utils
          • nodata_below_threshold
      • utils
        • cog
          • create_cog
          • gdal_cog_commands
          • run_cmd
        • filter_geojson
        • misc
          • Proportion
          • numpy_to_png
          • png_to_numpy
          • save_img
        • stac
          • get_linked_image_item
          • is_label_item
          • parse_stac
          • read_stac
          • setup_stac_io
    • pytorch_learner
      • classification_learner
        • ClassificationLearner
      • classification_learner_config
        • ClassificationDataFormat
        • ClassificationDataConfig
        • ClassificationGeoDataConfig
        • ClassificationImageDataConfig
        • ClassificationLearnerConfig
        • ClassificationModelConfig
      • dataset
        • classification_dataset
          • ClassificationImageDataset
          • ClassificationRandomWindowGeoDataset
          • ClassificationSlidingWindowGeoDataset
          • make_cc_geodataset
        • dataset
          • AlbumentationsDataset
          • GeoDataset
          • ImageDataset
          • RandomWindowGeoDataset
          • SlidingWindowGeoDataset
        • object_detection_dataset
          • CocoDataset
          • ObjectDetectionImageDataset
          • ObjectDetectionRandomWindowGeoDataset
          • ObjectDetectionSlidingWindowGeoDataset
          • make_od_geodataset
        • regression_dataset
          • RegressionDataReader
          • RegressionImageDataset
          • RegressionRandomWindowGeoDataset
          • RegressionSlidingWindowGeoDataset
        • semantic_segmentation_dataset
          • SemanticSegmentationDataReader
          • SemanticSegmentationImageDataset
          • SemanticSegmentationRandomWindowGeoDataset
          • SemanticSegmentationSlidingWindowGeoDataset
          • make_ss_geodataset
        • transform
          • TransformType
          • albu_to_yxyx
          • classification_transformer
          • object_detection_transformer
          • regression_transformer
          • semantic_segmentation_transformer
          • xywh_to_albu
          • yxyx_to_albu
        • utils
          • aoi_sampler
            • AoiSampler
          • utils
            • discover_images
            • load_image
            • make_image_folder_dataset
            • rastervision.pytorch_learner.dataset.utils.utils.DatasetError
            • rastervision.pytorch_learner.dataset.utils.utils.GeoDatasetError
            • rastervision.pytorch_learner.dataset.utils.utils.ImageDatasetError
        • visualizer
          • classification_visualizer
            • ClassificationVisualizer
          • object_detection_visualizer
            • ObjectDetectionVisualizer
          • regression_visualizer
            • RegressionVisualizer
          • semantic_segmentation_visualizer
            • SemanticSegmentationVisualizer
          • visualizer
            • Visualizer
      • learner
        • Learner
        • log_system_details
      • learner_config
        • Backbone
        • GeoDataWindowMethod
        • NonEmptyStr
        • NonNegInt
        • Proportion
        • DataConfig
        • ExternalModuleConfig
        • GeoDataConfig
        • GeoDataWindowConfig
        • ImageDataConfig
        • LearnerConfig
        • ModelConfig
        • PlotOptions
        • SolverConfig
        • ensure_class_colors
        • get_default_channel_display_groups
        • validate_channel_display_groups
      • learner_pipeline
        • LearnerPipeline
      • learner_pipeline_config
        • LearnerPipelineConfig
      • object_detection_learner
        • ObjectDetectionLearner
      • object_detection_learner_config
        • ObjectDetectionDataFormat
        • ObjectDetectionDataConfig
        • ObjectDetectionGeoDataConfig
        • ObjectDetectionGeoDataWindowConfig
        • ObjectDetectionImageDataConfig
        • ObjectDetectionLearnerConfig
        • ObjectDetectionModelConfig
      • object_detection_utils
        • BoxList
        • TorchVisionODAdapter
        • collate_fn
        • compute_coco_eval
        • draw_boxes
        • get_coco_gt
        • get_coco_preds
      • regression_learner
        • RegressionLearner
      • regression_learner_config
        • RegressionDataFormat
        • RegressionModel
        • RegressionDataConfig
        • RegressionGeoDataConfig
        • RegressionImageDataConfig
        • RegressionLearnerConfig
        • RegressionModelConfig
        • RegressionPlotOptions
      • semantic_segmentation_learner
        • SemanticSegmentationLearner
      • semantic_segmentation_learner_config
        • SemanticSegmentationDataFormat
        • SemanticSegmentationDataConfig
        • SemanticSegmentationGeoDataConfig
        • SemanticSegmentationImageDataConfig
        • SemanticSegmentationLearnerConfig
        • SemanticSegmentationModelConfig
      • utils
        • torch_hub
          • get_hubconf_dir_from_cfg
          • torch_hub_load_github
          • torch_hub_load_local
          • torch_hub_load_uri
        • utils
          • AddTensors
          • MinMaxNormalize
          • Parallel
          • SplitTensor
          • adjust_conv_channels
          • aggregate_metrics
          • channel_groups_to_imgs
          • color_to_triple
          • compute_conf_mat
          • compute_conf_mat_metrics
          • deserialize_albumentation_transform
          • log_metrics_to_csv
          • plot_channel_groups
          • serialize_albumentation_transform
          • validate_albumentation_transform
    • pytorch_backend
      • pytorch_chip_classification
        • PyTorchChipClassification
        • PyTorchChipClassificationSampleWriter
      • pytorch_chip_classification_config
        • PyTorchChipClassificationConfig
      • pytorch_learner_backend
        • PyTorchLearnerBackend
        • PyTorchLearnerSampleWriter
        • get_image_ext
        • write_chip
      • pytorch_learner_backend_config
        • PyTorchLearnerBackendConfig
      • pytorch_object_detection
        • PyTorchObjectDetection
        • PyTorchObjectDetectionSampleWriter
      • pytorch_object_detection_config
        • PyTorchObjectDetectionConfig
      • pytorch_semantic_segmentation
        • PyTorchSemanticSegmentation
        • PyTorchSemanticSegmentationSampleWriter
      • pytorch_semantic_segmentation_config
        • PyTorchSemanticSegmentationConfig
    • aws_s3
      • s3_file_system
        • S3FileSystem
        • get_matching_s3_keys
        • get_matching_s3_objects
        • progressbar
    • aws_batch
      • aws_batch_runner
        • AWSBatchRunner
        • submit_job
  • Contributing
    • Contributing
    • Release Process
    • Code of Conduct
  • CHANGELOG
  v: latest
Versions
latest
stable
0.20
0.13
0.12
0.11
0.10
0.9
0.8
Downloads
On Read the Docs
Project Home
Builds
Back to top

regression_learner_config#

Classes

RegressionDataFormat

An enumeration.

RegressionModel

Configs

RegressionDataConfig

RegressionGeoDataConfig

Configure regression GeoDatasets.

RegressionImageDataConfig

Configure RegressionImageDatasets.

RegressionLearnerConfig

Configure a RegressionLearner.

RegressionModelConfig

Configure a regression model.

RegressionPlotOptions

Next
RegressionDataFormat
Previous
RegressionLearner
Copyright © 2018, Azavea
Made with Sphinx and @pradyunsg's Furo
On this page
  • regression_learner_config