Skip to content

Commit

Permalink
remove unused imports
Browse files Browse the repository at this point in the history
  • Loading branch information
ahuber21 committed Nov 20, 2024
1 parent 2cbdb25 commit 79a3108
Show file tree
Hide file tree
Showing 65 changed files with 14 additions and 151 deletions.
1 change: 0 additions & 1 deletion daal4py/sklearn/ensemble/tests/test_decision_forest.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
# limitations under the License.
# ==============================================================================

import random

import numpy as np
import pytest
Expand Down
1 change: 0 additions & 1 deletion daal4py/sklearn/monkeypatch/tests/_models_info.py
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,6 @@
LogisticRegressionCV,
Ridge,
)
from sklearn.manifold import TSNE
from sklearn.neighbors import KNeighborsClassifier, KNeighborsRegressor, NearestNeighbors
from sklearn.svm import SVC

Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/bacon_outlier.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/bf_knn_classification.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,6 @@

# daal4py Brute Force KNN example for shared memory systems

import os
from pathlib import Path

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/cholesky.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/correlation_distance.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,6 @@

# daal4py correlation distance example for shared memory systems

import os
from pathlib import Path

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/cosine_distance.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,6 @@

# daal4py cosine distance example for shared memory systems

import os
from pathlib import Path

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/dbscan.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/decision_tree_regression.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/elastic_net.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/em_gmm.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/implicit_als.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/kdtree_knn_classification.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,6 @@

# daal4py KD-Tree KNN example for shared memory systems

import os
from pathlib import Path

import numpy as np
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/kmeans.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/lasso_regression.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/linear_regression.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/log_reg_binary_dense.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/low_order_moms_dense.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/multivariate_outlier.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/naive_bayes.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/pivoted_qr.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/ridge_regression.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/svm_multiclass.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
1 change: 0 additions & 1 deletion examples/daal4py/univariate_outlier.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

from pathlib import Path

import numpy as np
from readcsv import pd_read_csv

import daal4py as d4p
Expand Down
2 changes: 1 addition & 1 deletion examples/sklearnex/dbscan_array_api.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,7 +16,7 @@

import array_api_strict

from sklearnex import config_context, patch_sklearn
from sklearnex import patch_sklearn

patch_sklearn()

Expand Down
2 changes: 0 additions & 2 deletions examples/sklearnex/dbscan_spmd.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,10 +18,8 @@
# run like this:
# mpirun -n 4 python ./dbscan_spmd.py

from warnings import warn

import dpctl.tensor as dpt
import numpy as np
from dpctl import SyclQueue
from mpi4py import MPI
from sklearn.datasets import load_digits
Expand Down
2 changes: 0 additions & 2 deletions examples/sklearnex/kmeans_spmd.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,10 +14,8 @@
# limitations under the License.
# ==============================================================================

from warnings import warn

import dpctl.tensor as dpt
import numpy as np
from dpctl import SyclQueue
from mpi4py import MPI
from sklearn.datasets import load_digits
Expand Down
1 change: 0 additions & 1 deletion examples/sklearnex/knn_bf_classification_dpnp.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,6 @@

import dpctl
import dpnp
import numpy as np
from sklearn.datasets import make_classification
from sklearn.metrics import accuracy_score
from sklearn.model_selection import train_test_split
Expand Down
1 change: 0 additions & 1 deletion examples/sklearnex/knn_bf_classification_spmd.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
# limitations under the License.
# ==============================================================================

from warnings import warn

import dpctl
import dpctl.tensor as dpt
Expand Down
1 change: 0 additions & 1 deletion examples/sklearnex/knn_bf_regression_spmd.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
# limitations under the License.
# ==============================================================================

from warnings import warn

import dpctl
import dpctl.tensor as dpt
Expand Down
2 changes: 0 additions & 2 deletions examples/sklearnex/logistic_regression_spmd.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,14 +14,12 @@
# limitations under the License.
# ==============================================================================

from warnings import warn

import dpctl
import dpctl.tensor as dpt
import numpy as np
from mpi4py import MPI
from scipy.special import expit
from sklearn.datasets import make_classification
from sklearn.metrics import accuracy_score
from sklearn.model_selection import train_test_split

Expand Down
1 change: 0 additions & 1 deletion examples/sklearnex/n_jobs.py
Original file line number Diff line number Diff line change
Expand Up @@ -25,7 +25,6 @@
patch_sklearn()

# Remaining non modified scikit-learn code
import numpy as np
from sklearn.datasets import make_blobs
from sklearn.preprocessing import StandardScaler

Expand Down
1 change: 0 additions & 1 deletion examples/sklearnex/patch_sklearn.py
Original file line number Diff line number Diff line change
Expand Up @@ -31,7 +31,6 @@
unpatch_sklearn()

# Direct import of functions in way aligned with scikit-learn
from sklearnex.neighbors import NearestNeighbors

# Patching can be enabled for selected algorithms/estimators only
patch_sklearn(["DBSCAN"])
Expand Down
1 change: 0 additions & 1 deletion examples/sklearnex/random_forest_classifier_dpctl.py
Original file line number Diff line number Diff line change
Expand Up @@ -19,7 +19,6 @@

import dpctl
import dpctl.tensor as dpt
import numpy as np
from sklearn.datasets import make_classification
from sklearn.model_selection import train_test_split

Expand Down
1 change: 0 additions & 1 deletion examples/sklearnex/random_forest_regressor_dpnp.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@
# python ./random_forest_regressor_dpnp_batch.py

import dpnp
import numpy as np
from sklearn.datasets import make_regression
from sklearn.model_selection import train_test_split

Expand Down
1 change: 0 additions & 1 deletion generator/gen_daal4py.py
Original file line number Diff line number Diff line change
Expand Up @@ -31,7 +31,6 @@
from os.path import join as jp
from shutil import copytree, rmtree
from subprocess import call
from sys import platform

from .format import mk_var
from .parse import parse_header, parse_version
Expand Down
1 change: 0 additions & 1 deletion onedal/basic_statistics/incremental_basic_statistics.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
# limitations under the License.
# ==============================================================================

from abc import abstractmethod

import numpy as np

Expand Down
1 change: 0 additions & 1 deletion onedal/cluster/dbscan.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
# limitations under the License.
# ===============================================================================

from abc import abstractmethod

import numpy as np

Expand Down
3 changes: 1 addition & 2 deletions onedal/cluster/kmeans.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,8 +16,7 @@

import logging
import warnings
from abc import ABC, abstractmethod
from types import ModuleType
from abc import ABC

import numpy as np

Expand Down
1 change: 0 additions & 1 deletion onedal/cluster/tests/test_dbscan.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,6 @@
import numpy as np
import pytest
from sklearn.cluster import DBSCAN as DBSCAN_SKLEARN
from sklearn.cluster.tests.common import generate_clustered_data

from onedal.cluster import DBSCAN as ONEDAL_DBSCAN
from onedal.tests.utils._device_selection import get_queues
Expand Down
55 changes: 0 additions & 55 deletions onedal/common/_policy.py

This file was deleted.

1 change: 0 additions & 1 deletion onedal/covariance/incremental_covariance.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
# See the License for the specific language governing permissions and
# limitations under the License.
# ===============================================================================
from abc import abstractmethod

import numpy as np

Expand Down
Loading

0 comments on commit 79a3108

Please sign in to comment.