Skip to content

Commit

Permalink
from fedot import Fedot
Browse files Browse the repository at this point in the history
  • Loading branch information
MorrisNein committed Oct 2, 2023
1 parent 8174493 commit b85c3e8
Show file tree
Hide file tree
Showing 46 changed files with 46 additions and 46 deletions.
2 changes: 1 addition & 1 deletion cases/credit_scoring/credit_scoring_problem.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@

from sklearn.metrics import roc_auc_score as roc_auc

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.pipelines.pipeline import Pipeline
from fedot.core.utils import fedot_project_root
Expand Down
2 changes: 1 addition & 1 deletion cases/kc2_sourcecode_defects_classification.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
from os.path import join

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.repository.tasks import TaskTypesEnum, Task
Expand Down
2 changes: 1 addition & 1 deletion cases/metocean_forecasting_problem.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
import numpy as np
import pandas as pd

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.repository.tasks import TsForecastingParams
from fedot.core.utils import fedot_project_root

Expand Down
2 changes: 1 addition & 1 deletion cases/multi_target_levels_forecasting.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
from matplotlib import pyplot as plt
from sklearn.metrics import mean_absolute_error

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.utils import fedot_project_root
Expand Down
2 changes: 1 addition & 1 deletion cases/multi_ts_level_forecasting.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
from sklearn.metrics import mean_absolute_error, mean_squared_error, mean_absolute_percentage_error

from examples.simple.time_series_forecasting.ts_pipelines import ts_complex_ridge_smoothing_pipeline
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.repository.tasks import TsForecastingParams, Task, TaskTypesEnum
Expand Down
2 changes: 1 addition & 1 deletion cases/multivariate_ts_forecasting.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
import numpy as np
import pandas as pd

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.repository.tasks import TsForecastingParams
from fedot.core.utils import fedot_project_root

Expand Down
2 changes: 1 addition & 1 deletion examples/advanced/additional_learning.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@

import pandas as pd

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.operations.atomized_model import AtomizedModel
from fedot.core.pipelines.node import PipelineNode
from fedot.core.pipelines.pipeline import Pipeline
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@

from golem.core.optimisers.random.random_mutation_optimizer import RandomMutationSearchOptimizer

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.utils import fedot_project_root


Expand Down
2 changes: 1 addition & 1 deletion examples/advanced/gpu_example.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
from sklearn.datasets import make_moons

from examples.simple.classification.classification_pipelines import classification_svc_complex_pipeline
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.pipelines.node import PipelineNode
from fedot.core.pipelines.pipeline import Pipeline
Expand Down
2 changes: 1 addition & 1 deletion examples/advanced/multi_modal_pipeline.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
from sklearn.metrics import f1_score as f1

from cases.dataset_preparation import unpack_archived_data
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData, OutputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.data.multi_modal import MultiModalData
Expand Down
2 changes: 1 addition & 1 deletion examples/advanced/multimodal_text_num_example.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.data.multi_modal import MultiModalData
from fedot.core.utils import fedot_project_root
Expand Down
2 changes: 1 addition & 1 deletion examples/advanced/multiobj_optimisation.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
import pandas as pd

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.utils import fedot_project_root
from fedot.core.utils import set_random_seed

Expand Down
2 changes: 1 addition & 1 deletion examples/advanced/parallelization_comparison.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,7 @@
from golem.core.optimisers.opt_history_objects.opt_history import OptHistory
from matplotlib import cm, colors, pyplot as plt

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.utils import fedot_project_root


Expand Down
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.multi_modal import MultiModalData
from fedot.core.utils import fedot_project_root
from fedot.core.utils import set_random_seed
Expand Down
2 changes: 1 addition & 1 deletion examples/advanced/surrogate_optimization.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@
from golem.core.optimisers.meta.surrogate_optimizer import SurrogateEachNgenOptimizer

from examples.simple.time_series_forecasting.api_forecasting import get_ts_data
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.repository.tasks import Task, TaskTypesEnum, TsForecastingParams


Expand Down
2 changes: 1 addition & 1 deletion examples/advanced/time_series_forecasting/exogenous.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
import numpy as np
import pandas as pd

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.data.multi_modal import MultiModalData
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
import pandas as pd
import matplotlib.pyplot as plt

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.repository.dataset_types import DataTypesEnum
from fedot.core.data.data import InputData
from fedot.core.repository.tasks import TsForecastingParams, Task, TaskTypesEnum
Expand Down
2 changes: 1 addition & 1 deletion examples/simple/classification/api_classification.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.utils import fedot_project_root, set_random_seed


Expand Down
2 changes: 1 addition & 1 deletion examples/simple/interpretable/api_explain.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
import pandas as pd

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.utils import fedot_project_root


Expand Down
2 changes: 1 addition & 1 deletion examples/simple/regression/api_regression.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
import logging

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.repository.tasks import TaskTypesEnum, Task
Expand Down
2 changes: 1 addition & 1 deletion examples/simple/time_series_forecasting/api_forecasting.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@
import pandas as pd

from examples.advanced.time_series_forecasting.multistep import TS_DATASETS
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.repository.dataset_types import DataTypesEnum
Expand Down
2 changes: 1 addition & 1 deletion fedot/api/fedot_cli.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
from argparse import RawTextHelpFormatter
from pathlib import Path

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.repository.tasks import TsForecastingParams


Expand Down
2 changes: 1 addition & 1 deletion fedot/core/pipelines/prediction_intervals/main.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
import numpy as np
from golem.core.log import default_log, Log

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.pipelines.prediction_intervals.params import PredictionIntervalsParams
from fedot.core.pipelines.prediction_intervals.solvers.best_pipelines_quantiles import solver_best_pipelines_quantiles
Expand Down
2 changes: 1 addition & 1 deletion fedot/core/pipelines/prediction_intervals/utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@

from fedot.core.pipelines.ts_wrappers import fitted_values
from fedot.core.pipelines.pipeline import Pipeline
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.repository.tasks import Task, TaskTypesEnum
from fedot.core.repository.operation_types_repository import get_operations_for_task
Expand Down
2 changes: 1 addition & 1 deletion test/integration/api/test_api_utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
from examples.simple.classification.classification_pipelines import (classification_pipeline_with_balancing,
classification_pipeline_without_balancing)
from fedot.api.api_utils.assumptions.assumptions_builder import AssumptionsBuilder
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.pipelines.node import PipelineNode
from fedot.core.pipelines.pipeline import Pipeline
Expand Down
2 changes: 1 addition & 1 deletion test/integration/api/test_main_api.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,7 @@
from cases.metocean_forecasting_problem import prepare_input_data
from examples.simple.time_series_forecasting.ts_pipelines import ts_complex_ridge_smoothing_pipeline
from fedot.api.api_utils.api_data import ApiDataProcessor
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.data.multi_modal import MultiModalData
Expand Down
2 changes: 1 addition & 1 deletion test/integration/api_params/test_main_api_params.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
from golem.core.optimisers.genetic.operators.inheritance import GeneticSchemeTypesEnum
from golem.core.optimisers.opt_history_objects.opt_history import OptHistory

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.repository.tasks import TsForecastingParams
from test.integration.api.test_main_api import get_dataset

Expand Down
2 changes: 1 addition & 1 deletion test/integration/composer/test_composer.py
Original file line number Diff line number Diff line change
Expand Up @@ -10,7 +10,7 @@
from golem.core.optimisers.random.random_search import RandomSearchOptimizer
from sklearn.metrics import roc_auc_score as roc_auc

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.caching.pipelines_cache import OperationsCache
from fedot.core.composer.composer_builder import ComposerBuilder
from fedot.core.composer.random_composer import RandomSearchComposer
Expand Down
2 changes: 1 addition & 1 deletion test/integration/composer/test_history.py
Original file line number Diff line number Diff line change
Expand Up @@ -11,7 +11,7 @@
from golem.core.optimisers.opt_history_objects.individual import Individual
from golem.core.optimisers.opt_history_objects.opt_history import OptHistory

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.operations.model import Model
from fedot.core.optimisers.objective import PipelineObjectiveEvaluate
Expand Down
2 changes: 1 addition & 1 deletion test/integration/models/test_custom_model_introduction.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@

from examples.advanced.time_series_forecasting.custom_model_tuning import get_fitting_custom_pipeline
from examples.simple.pipeline_import_export import create_correct_path
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.data.multi_modal import MultiModalData
Expand Down
2 changes: 1 addition & 1 deletion test/integration/quality/test_quality_improvement.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@

import numpy as np

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.utils import fedot_project_root

warnings.filterwarnings("ignore")
Expand Down
2 changes: 1 addition & 1 deletion test/integration/quality/test_synthetic_tasks.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@

from sklearn.metrics import mean_squared_error

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.pipelines.node import PipelineNode
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@

import numpy as np

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.repository.dataset_types import DataTypesEnum
Expand Down
2 changes: 1 addition & 1 deletion test/integration/remote/test_remote_composer.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@

import pytest

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.repository.tasks import TsForecastingParams
from fedot.core.utils import fedot_project_root
from fedot.remote.infrastructure.clients.test_client import TestClient
Expand Down
2 changes: 1 addition & 1 deletion test/integration/utilities/test_pipeline_import_export.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
import pytest
from sklearn.metrics import mean_absolute_error

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.pipelines.node import PipelineNode
from fedot.core.pipelines.pipeline import Pipeline
from fedot.core.pipelines.template import PipelineTemplate, extract_subtree_root
Expand Down
2 changes: 1 addition & 1 deletion test/integration/utilities/test_project_import_export.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@

import pytest

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.utils import fedot_project_root
from fedot.utilities.project_import_export import export_project_to_zip, import_project_from_zip, DEFAULT_PROJECTS_PATH
from test.integration.models.test_atomized_model import create_pipeline
Expand Down
2 changes: 1 addition & 1 deletion test/unit/api/test_api_safety.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@

from fedot.api.api_utils.api_data import ApiDataProcessor
from fedot.api.api_utils.input_analyser import InputAnalyser
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.repository.dataset_types import DataTypesEnum
from fedot.core.repository.tasks import TaskTypesEnum, Task
Expand Down
2 changes: 1 addition & 1 deletion test/unit/api/test_presets.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
from fedot.api.api_utils.api_params_repository import ApiParamsRepository
from fedot.api.api_utils.presets import OperationsPreset
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.constants import FAST_TRAIN_PRESET_NAME
from fedot.core.pipelines.node import PipelineNode
from fedot.core.pipelines.pipeline import Pipeline
Expand Down
2 changes: 1 addition & 1 deletion test/unit/data/test_multimodal_data.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@
import pytest
from pathlib import Path

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.multi_modal import MultiModalData
from fedot.core.repository.dataset_types import DataTypesEnum
Expand Down
2 changes: 1 addition & 1 deletion test/unit/multimodal/test_multimodal.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.pipelines.node import PipelineNode
from fedot.core.pipelines.pipeline import Pipeline
from fedot.core.repository.tasks import TaskTypesEnum
Expand Down
2 changes: 1 addition & 1 deletion test/unit/optimizer/test_external.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@
from golem.core.optimisers.optimization_parameters import OptimizationParameters
from golem.core.optimisers.optimizer import GraphGenerationParams, GraphOptimizer, AlgorithmParameters

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.pipelines.node import PipelineNode
from fedot.core.pipelines.pipeline import Pipeline
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,7 @@

from fedot.core.repository.tasks import TsForecastingParams, Task, TaskTypesEnum
from fedot.core.data.data import InputData
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.repository.dataset_types import DataTypesEnum


Expand Down
2 changes: 1 addition & 1 deletion test/unit/preprocessing/test_preprocessing_through_api.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
import numpy as np

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.data.supplementary_data import SupplementaryData
Expand Down
2 changes: 1 addition & 1 deletion test/unit/tasks/test_regression.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
from sklearn.datasets import make_regression
from sklearn.metrics import mean_squared_error as mse

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.pipelines.node import PipelineNode
Expand Down
2 changes: 1 addition & 1 deletion test/unit/validation/test_table_cv.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
import pytest
from golem.core.tuning.simultaneous import SimultaneousTuner

from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.data.data import InputData
from fedot.core.data.data_split import train_test_data_setup
from fedot.core.optimisers.objective import PipelineObjectiveEvaluate
Expand Down
2 changes: 1 addition & 1 deletion test/unit/validation/test_time_series_cv.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,7 @@
from fedot.core.pipelines.pipeline_composer_requirements import PipelineComposerRequirements

from examples.advanced.time_series_forecasting.composing_pipelines import get_available_operations
from fedot.api.main import Fedot
from fedot import Fedot
from fedot.core.composer.composer_builder import ComposerBuilder
from fedot.core.pipelines.pipeline import Pipeline
from fedot.core.pipelines.tuning.tuner_builder import TunerBuilder
Expand Down

0 comments on commit b85c3e8

Please sign in to comment.