The following issues were found

pandas/tests/scalar/timedelta/test_timedelta.py
253 issues
Unable to import 'pytest'
Error

Line: 5 Column: 1

              from datetime import timedelta

import numpy as np
import pytest

from pandas._libs import lib
from pandas._libs.tslibs import (
    NaT,
    iNaT,

            

Reported by Pylint.

No name 'lib' in module 'pandas._libs'
Error

Line: 7 Column: 1

              import numpy as np
import pytest

from pandas._libs import lib
from pandas._libs.tslibs import (
    NaT,
    iNaT,
)


            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 97 Column: 13

              
        msg = "'Timedelta' object has no attribute '{}'"
        with pytest.raises(AttributeError, match=msg.format("hours")):
            rng.hours
        with pytest.raises(AttributeError, match=msg.format("minutes")):
            rng.minutes
        with pytest.raises(AttributeError, match=msg.format("milliseconds")):
            rng.milliseconds


            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 99 Column: 13

                      with pytest.raises(AttributeError, match=msg.format("hours")):
            rng.hours
        with pytest.raises(AttributeError, match=msg.format("minutes")):
            rng.minutes
        with pytest.raises(AttributeError, match=msg.format("milliseconds")):
            rng.milliseconds

        # GH 10050
        check(rng.days)

            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 101 Column: 13

                      with pytest.raises(AttributeError, match=msg.format("minutes")):
            rng.minutes
        with pytest.raises(AttributeError, match=msg.format("milliseconds")):
            rng.milliseconds

        # GH 10050
        check(rng.days)
        check(rng.seconds)
        check(rng.microseconds)

            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 123 Column: 13

                      assert rng.nanoseconds == 456
        msg = "'Timedelta' object has no attribute '{}'"
        with pytest.raises(AttributeError, match=msg.format("hours")):
            rng.hours
        with pytest.raises(AttributeError, match=msg.format("minutes")):
            rng.minutes
        with pytest.raises(AttributeError, match=msg.format("milliseconds")):
            rng.milliseconds


            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 125 Column: 13

                      with pytest.raises(AttributeError, match=msg.format("hours")):
            rng.hours
        with pytest.raises(AttributeError, match=msg.format("minutes")):
            rng.minutes
        with pytest.raises(AttributeError, match=msg.format("milliseconds")):
            rng.milliseconds

        # components
        tup = to_timedelta(-1, "us").components

            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 127 Column: 13

                      with pytest.raises(AttributeError, match=msg.format("minutes")):
            rng.minutes
        with pytest.raises(AttributeError, match=msg.format("milliseconds")):
            rng.milliseconds

        # components
        tup = to_timedelta(-1, "us").components
        assert tup.days == -1
        assert tup.hours == 23

            

Reported by Pylint.

Unused argument 'n'
Error

Line: 394 Column: 41

                  @pytest.mark.parametrize(
        "method", [Timedelta.round, Timedelta.floor, Timedelta.ceil]
    )
    def test_round_sanity(self, method, n, request):
        val = np.random.randint(iNaT + 1, lib.i8max, dtype=np.int64)
        td = Timedelta(val)

        assert method(td, "ns") == td


            

Reported by Pylint.

Unused argument 'request'
Error

Line: 394 Column: 44

                  @pytest.mark.parametrize(
        "method", [Timedelta.round, Timedelta.floor, Timedelta.ceil]
    )
    def test_round_sanity(self, method, n, request):
        val = np.random.randint(iNaT + 1, lib.i8max, dtype=np.int64)
        td = Timedelta(val)

        assert method(td, "ns") == td


            

Reported by Pylint.

asv_bench/benchmarks/indexing.py
252 issues
Unable to import 'pandas'
Error

Line: 12 Column: 1

              
import numpy as np

from pandas import (
    CategoricalIndex,
    DataFrame,
    Float64Index,
    IndexSlice,
    Int64Index,

            

Reported by Pylint.

Attempted relative import beyond top-level package
Error

Line: 28 Column: 1

                  period_range,
)

from .pandas_vb_common import tm


class NumericSeriesIndexing:

    params = [

            

Reported by Pylint.

Attempted relative import beyond top-level package
Error

Line: 411 Column: 1

                              df2["C"] = 1.0


from .pandas_vb_common import setup  # noqa: F401 isort:skip

            

Reported by Pylint.

Attribute 'data' defined outside __init__
Error

Line: 47 Column: 9

                              list(range(55)) + [54] + list(range(55, N - 1))
            ),
        }
        self.data = Series(np.random.rand(N), index=indices[index_structure])
        self.array = np.arange(10000)
        self.array_list = self.array.tolist()

    def time_getitem_scalar(self, index, index_structure):
        self.data[800000]

            

Reported by Pylint.

Attribute 'array' defined outside __init__
Error

Line: 48 Column: 9

                          ),
        }
        self.data = Series(np.random.rand(N), index=indices[index_structure])
        self.array = np.arange(10000)
        self.array_list = self.array.tolist()

    def time_getitem_scalar(self, index, index_structure):
        self.data[800000]


            

Reported by Pylint.

Attribute 'array_list' defined outside __init__
Error

Line: 49 Column: 9

                      }
        self.data = Series(np.random.rand(N), index=indices[index_structure])
        self.array = np.arange(10000)
        self.array_list = self.array.tolist()

    def time_getitem_scalar(self, index, index_structure):
        self.data[800000]

    def time_getitem_slice(self, index, index_structure):

            

Reported by Pylint.

Unused argument 'index'
Error

Line: 51 Column: 35

                      self.array = np.arange(10000)
        self.array_list = self.array.tolist()

    def time_getitem_scalar(self, index, index_structure):
        self.data[800000]

    def time_getitem_slice(self, index, index_structure):
        self.data[:800000]


            

Reported by Pylint.

Unused argument 'index_structure'
Error

Line: 51 Column: 42

                      self.array = np.arange(10000)
        self.array_list = self.array.tolist()

    def time_getitem_scalar(self, index, index_structure):
        self.data[800000]

    def time_getitem_slice(self, index, index_structure):
        self.data[:800000]


            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 52 Column: 9

                      self.array_list = self.array.tolist()

    def time_getitem_scalar(self, index, index_structure):
        self.data[800000]

    def time_getitem_slice(self, index, index_structure):
        self.data[:800000]

    def time_getitem_list_like(self, index, index_structure):

            

Reported by Pylint.

Unused argument 'index'
Error

Line: 54 Column: 34

                  def time_getitem_scalar(self, index, index_structure):
        self.data[800000]

    def time_getitem_slice(self, index, index_structure):
        self.data[:800000]

    def time_getitem_list_like(self, index, index_structure):
        self.data[[800000]]


            

Reported by Pylint.

asv_bench/benchmarks/arithmetic.py
250 issues
Unable to import 'pandas'
Error

Line: 6 Column: 1

              
import numpy as np

import pandas as pd
from pandas import (
    DataFrame,
    Series,
    Timestamp,
    date_range,

            

Reported by Pylint.

Unable to import 'pandas'
Error

Line: 7 Column: 1

              import numpy as np

import pandas as pd
from pandas import (
    DataFrame,
    Series,
    Timestamp,
    date_range,
    to_timedelta,

            

Reported by Pylint.

Unable to import 'pandas._testing'
Error

Line: 14 Column: 1

                  date_range,
    to_timedelta,
)
import pandas._testing as tm
from pandas.core.algorithms import checked_add_with_arr

from .pandas_vb_common import numeric_dtypes

try:

            

Reported by Pylint.

Unable to import 'pandas.core.algorithms'
Error

Line: 15 Column: 1

                  to_timedelta,
)
import pandas._testing as tm
from pandas.core.algorithms import checked_add_with_arr

from .pandas_vb_common import numeric_dtypes

try:
    import pandas.core.computation.expressions as expr

            

Reported by Pylint.

Attempted relative import beyond top-level package
Error

Line: 17 Column: 1

              import pandas._testing as tm
from pandas.core.algorithms import checked_add_with_arr

from .pandas_vb_common import numeric_dtypes

try:
    import pandas.core.computation.expressions as expr
except ImportError:
    import pandas.computation.expressions as expr

            

Reported by Pylint.

Attempted relative import beyond top-level package
Error

Line: 511 Column: 1

                      getattr(self.df, func)(self.arg_df, level=0)


from .pandas_vb_common import setup  # noqa: F401 isort:skip

            

Reported by Pylint.

Unused import pandas.tseries.holiday
Error

Line: 24 Column: 5

              except ImportError:
    import pandas.computation.expressions as expr
try:
    import pandas.tseries.holiday
except ImportError:
    pass


class IntFrameWithScalar:

            

Reported by Pylint.

Unused argument 'op'
Error

Line: 51 Column: 36

                  ]
    param_names = ["dtype", "scalar", "op"]

    def setup(self, dtype, scalar, op):
        arr = np.random.randn(20000, 100)
        self.df = DataFrame(arr.astype(dtype))

    def time_frame_op_with_scalar(self, dtype, scalar, op):
        op(self.df, scalar)

            

Reported by Pylint.

Unused argument 'scalar'
Error

Line: 51 Column: 28

                  ]
    param_names = ["dtype", "scalar", "op"]

    def setup(self, dtype, scalar, op):
        arr = np.random.randn(20000, 100)
        self.df = DataFrame(arr.astype(dtype))

    def time_frame_op_with_scalar(self, dtype, scalar, op):
        op(self.df, scalar)

            

Reported by Pylint.

Attribute 'df' defined outside __init__
Error

Line: 53 Column: 9

              
    def setup(self, dtype, scalar, op):
        arr = np.random.randn(20000, 100)
        self.df = DataFrame(arr.astype(dtype))

    def time_frame_op_with_scalar(self, dtype, scalar, op):
        op(self.df, scalar)



            

Reported by Pylint.

pandas/tests/indexes/datetimes/test_constructors.py
247 issues
Unable to import 'pytest'
Error

Line: 11 Column: 1

              
import dateutil
import numpy as np
import pytest
import pytz

from pandas._libs.tslibs import (
    OutOfBoundsDatetime,
    conversion,

            

Reported by Pylint.

Unable to import 'pytz'
Error

Line: 12 Column: 1

              import dateutil
import numpy as np
import pytest
import pytz

from pandas._libs.tslibs import (
    OutOfBoundsDatetime,
    conversion,
)

            

Reported by Pylint.

No name 'conversion' in module 'pandas._libs.tslibs'
Error

Line: 14 Column: 1

              import pytest
import pytz

from pandas._libs.tslibs import (
    OutOfBoundsDatetime,
    conversion,
)

import pandas as pd

            

Reported by Pylint.

Instance of 'ExtensionIndex' has no '_with_freq' member
Error

Line: 164 Column: 13

                  def test_construction_with_alt_tz_localize(self, kwargs, tz_aware_fixture):
        tz = tz_aware_fixture
        i = date_range("20130101", periods=5, freq="H", tz=tz)
        i = i._with_freq(None)
        kwargs = {key: attrgetter(val)(i) for key, val in kwargs.items()}

        if "tz" in kwargs:
            result = DatetimeIndex(i.asi8, tz="UTC").tz_convert(kwargs["tz"])


            

Reported by Pylint.

Instance of 'Index' has no '_with_freq' member
Error

Line: 164 Column: 13

                  def test_construction_with_alt_tz_localize(self, kwargs, tz_aware_fixture):
        tz = tz_aware_fixture
        i = date_range("20130101", periods=5, freq="H", tz=tz)
        i = i._with_freq(None)
        kwargs = {key: attrgetter(val)(i) for key, val in kwargs.items()}

        if "tz" in kwargs:
            result = DatetimeIndex(i.asi8, tz="UTC").tz_convert(kwargs["tz"])


            

Reported by Pylint.

Instance of 'Index' has no 'tz' member
Error

Line: 191 Column: 16

                      )
        tm.assert_index_equal(result, exp, exact=True)
        assert isinstance(result, DatetimeIndex)
        assert result.tz is None

        # same tz results in DatetimeIndex
        result = Index(
            [
                Timestamp("2011-01-01 10:00", tz="Asia/Tokyo"),

            

Reported by Pylint.

Instance of 'Index' has no 'tz' member
Error

Line: 208 Column: 16

                      )
        tm.assert_index_equal(result, exp, exact=True)
        assert isinstance(result, DatetimeIndex)
        assert result.tz is not None
        assert result.tz == exp.tz

        # same tz results in DatetimeIndex (DST)
        result = Index(
            [

            

Reported by Pylint.

Instance of 'Index' has no 'tz' member
Error

Line: 209 Column: 16

                      tm.assert_index_equal(result, exp, exact=True)
        assert isinstance(result, DatetimeIndex)
        assert result.tz is not None
        assert result.tz == exp.tz

        # same tz results in DatetimeIndex (DST)
        result = Index(
            [
                Timestamp("2011-01-01 10:00", tz="US/Eastern"),

            

Reported by Pylint.

Instance of 'Index' has no 'tz' member
Error

Line: 226 Column: 16

                      )
        tm.assert_index_equal(result, exp, exact=True)
        assert isinstance(result, DatetimeIndex)
        assert result.tz is not None
        assert result.tz == exp.tz

        # Different tz results in Index(dtype=object)
        result = Index(
            [

            

Reported by Pylint.

Instance of 'Index' has no 'tz' member
Error

Line: 227 Column: 16

                      tm.assert_index_equal(result, exp, exact=True)
        assert isinstance(result, DatetimeIndex)
        assert result.tz is not None
        assert result.tz == exp.tz

        # Different tz results in Index(dtype=object)
        result = Index(
            [
                Timestamp("2011-01-01 10:00"),

            

Reported by Pylint.

pandas/tests/indexing/test_indexing.py
247 issues
Unable to import 'pytest'
Error

Line: 8 Column: 1

              import weakref

import numpy as np
import pytest

import pandas.util._test_decorators as td

from pandas.core.dtypes.common import (
    is_float_dtype,

            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 105 Column: 13

              
        potential_errors = (IndexError, ValueError, NotImplementedError)
        with pytest.raises(potential_errors, match=msg):
            idxr[nd3]

    def test_setitem_ndarray_3d(self, index, frame_or_series, indexer_sli):
        # GH 25567
        obj = gen_obj(frame_or_series, index)
        idxr = indexer_sli(obj)

            

Reported by Pylint.

TODO(wesm): unused?
Error

Line: 221 Column: 3

                      result = DataFrame([[1, 2, 1.0, 2.0, 3.0, "foo", "bar"]])
        result.columns = list("aaaaaaa")

        # TODO(wesm): unused?
        df_v = df.iloc[:, 4]  # noqa
        res_v = result.iloc[:, 4]  # noqa

        tm.assert_frame_equal(df, result)


            

Reported by Pylint.

Unused variable 'df_v'
Error

Line: 222 Column: 9

                      result.columns = list("aaaaaaa")

        # TODO(wesm): unused?
        df_v = df.iloc[:, 4]  # noqa
        res_v = result.iloc[:, 4]  # noqa

        tm.assert_frame_equal(df, result)

    def test_dups_fancy_indexing_not_in_order(self):

            

Reported by Pylint.

Unused variable 'res_v'
Error

Line: 223 Column: 9

              
        # TODO(wesm): unused?
        df_v = df.iloc[:, 4]  # noqa
        res_v = result.iloc[:, 4]  # noqa

        tm.assert_frame_equal(df, result)

    def test_dups_fancy_indexing_not_in_order(self):
        # GH 3561, dups not in selected order

            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 245 Column: 13

              
        rows = ["C", "B", "E"]
        with pytest.raises(KeyError, match="not in index"):
            df.loc[rows]

        # see GH5553, make sure we use the right indexer
        rows = ["F", "G", "H", "C", "B", "E"]
        with pytest.raises(KeyError, match="not in index"):
            df.loc[rows]

            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 250 Column: 13

                      # see GH5553, make sure we use the right indexer
        rows = ["F", "G", "H", "C", "B", "E"]
        with pytest.raises(KeyError, match="not in index"):
            df.loc[rows]

    def test_dups_fancy_indexing_only_missing_label(self):

        # List containing only missing label
        dfnu = DataFrame(np.random.randn(5, 3), index=list("AABCD"))

            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 262 Column: 13

                              "\"None of [Index(['E'], dtype='object')] are in the [index]\""
            ),
        ):
            dfnu.loc[["E"]]

        # ToDo: check_index_type can be True after GH 11497

    @pytest.mark.parametrize("vals", [[0, 1, 2], list("abc")])
    def test_dups_fancy_indexing_missing_label(self, vals):

            

Reported by Pylint.

ToDo: check_index_type can be True after GH 11497
Error

Line: 264 Column: 3

                      ):
            dfnu.loc[["E"]]

        # ToDo: check_index_type can be True after GH 11497

    @pytest.mark.parametrize("vals", [[0, 1, 2], list("abc")])
    def test_dups_fancy_indexing_missing_label(self, vals):

        # GH 4619; duplicate indexer with missing label

            

Reported by Pylint.

Statement seems to have no effect
Error

Line: 272 Column: 13

                      # GH 4619; duplicate indexer with missing label
        df = DataFrame({"A": vals})
        with pytest.raises(KeyError, match="not in index"):
            df.loc[[0, 8, 0]]

    def test_dups_fancy_indexing_non_unique(self):

        # non unique with non unique selector
        df = DataFrame({"test": [5, 7, 9, 11]}, index=["A", "A", "B", "C"])

            

Reported by Pylint.

pandas/io/stata.py
244 issues
Unable to import 'pandas._libs.lib'
Error

Line: 32 Column: 1

              from dateutil.relativedelta import relativedelta
import numpy as np

from pandas._libs.lib import infer_dtype
from pandas._libs.writers import max_len_string_array
from pandas._typing import (
    Buffer,
    CompressionOptions,
    FilePathOrBuffer,

            

Reported by Pylint.

No name 'lib' in module 'pandas._libs'
Error

Line: 32 Column: 1

              from dateutil.relativedelta import relativedelta
import numpy as np

from pandas._libs.lib import infer_dtype
from pandas._libs.writers import max_len_string_array
from pandas._typing import (
    Buffer,
    CompressionOptions,
    FilePathOrBuffer,

            

Reported by Pylint.

Unable to import 'pandas._libs.writers'
Error

Line: 33 Column: 1

              import numpy as np

from pandas._libs.lib import infer_dtype
from pandas._libs.writers import max_len_string_array
from pandas._typing import (
    Buffer,
    CompressionOptions,
    FilePathOrBuffer,
    StorageOptions,

            

Reported by Pylint.

No name 'writers' in module 'pandas._libs'
Error

Line: 33 Column: 1

              import numpy as np

from pandas._libs.lib import infer_dtype
from pandas._libs.writers import max_len_string_array
from pandas._typing import (
    Buffer,
    CompressionOptions,
    FilePathOrBuffer,
    StorageOptions,

            

Reported by Pylint.

Access to a protected member _shared_docs of a client class
Error

Line: 114 Column: 25

                  no compression). If dict and compression mode is one of
    {{'zip', 'gzip', 'bz2'}}, or inferred as one of the above,
    other entries passed as additional compression options.
{generic._shared_docs["storage_options"]}"""


_iterator_params = """\
iterator : bool, default False
    Return StataReader object."""

            

Reported by Pylint.

TODO: Add typing. As of January 2020 it is not possible to type this function since
Error

Line: 227 Column: 3

              stata_epoch = datetime.datetime(1960, 1, 1)


# TODO: Add typing. As of January 2020 it is not possible to type this function since
#  mypy doesn't understand that a Series and an int can be combined using mathematical
#  operations. (+, -).
def _stata_elapsed_date_to_datetime_vec(dates, fmt) -> Series:
    """
    Convert from SIF to datetime. https://www.stata.com/help.cgi?datetime

            

Reported by Pylint.

TODO: If/when pandas supports more than datetime64[ns], this should be
Error

Line: 335 Column: 3

                      deltas = to_timedelta(deltas, unit=unit)
        return base + deltas

    # TODO: If/when pandas supports more than datetime64[ns], this should be
    # improved to use correct range, e.g. datetime[Y] for yearly
    bad_locs = np.isnan(dates)
    has_bad_values = False
    if bad_locs.any():
        has_bad_values = True

            

Reported by Pylint.

Access to a protected member _values of a client class
Error

Line: 413 Column: 30

                      if is_datetime64_dtype(dates.dtype):
            if delta:
                time_delta = dates - stata_epoch
                d["delta"] = time_delta._values.view(np.int64) // 1000  # microseconds
            if days or year:
                date_index = DatetimeIndex(dates)
                d["year"] = date_index._data.year
                d["month"] = date_index._data.month
            if days:

            

Reported by Pylint.

Access to a protected member _data of a client class
Error

Line: 416 Column: 29

                              d["delta"] = time_delta._values.view(np.int64) // 1000  # microseconds
            if days or year:
                date_index = DatetimeIndex(dates)
                d["year"] = date_index._data.year
                d["month"] = date_index._data.month
            if days:
                days_in_ns = dates.view(np.int64) - to_datetime(
                    d["year"], format="%Y"
                ).view(np.int64)

            

Reported by Pylint.

Access to a protected member _data of a client class
Error

Line: 417 Column: 30

                          if days or year:
                date_index = DatetimeIndex(dates)
                d["year"] = date_index._data.year
                d["month"] = date_index._data.month
            if days:
                days_in_ns = dates.view(np.int64) - to_datetime(
                    d["year"], format="%Y"
                ).view(np.int64)
                d["days"] = days_in_ns // NS_PER_DAY

            

Reported by Pylint.

pandas/tests/indexes/interval/test_interval.py
235 issues
Unable to import 'pytest'
Error

Line: 5 Column: 1

              import re

import numpy as np
import pytest

from pandas.errors import InvalidIndexError

import pandas as pd
from pandas import (

            

Reported by Pylint.

Method 'left' has no 'values' member
Error

Line: 148 Column: 32

                      index = self.create_index(closed=closed)
        result = IntervalIndex(index, copy=False)
        tm.assert_numpy_array_equal(
            index.left.values, result.left.values, check_same="same"
        )
        tm.assert_numpy_array_equal(
            index.right.values, result.right.values, check_same="same"
        )


            

Reported by Pylint.

Method 'right' has no 'values' member
Error

Line: 151 Column: 33

                          index.left.values, result.left.values, check_same="same"
        )
        tm.assert_numpy_array_equal(
            index.right.values, result.right.values, check_same="same"
        )

        # by-definition make a copy
        result = IntervalIndex(np.array(index), copy=False)
        tm.assert_numpy_array_equal(

            

Reported by Pylint.

Method 'left' has no 'values' member
Error

Line: 157 Column: 32

                      # by-definition make a copy
        result = IntervalIndex(np.array(index), copy=False)
        tm.assert_numpy_array_equal(
            index.left.values, result.left.values, check_same="copy"
        )
        tm.assert_numpy_array_equal(
            index.right.values, result.right.values, check_same="copy"
        )


            

Reported by Pylint.

Method 'right' has no 'values' member
Error

Line: 160 Column: 33

                          index.left.values, result.left.values, check_same="copy"
        )
        tm.assert_numpy_array_equal(
            index.right.values, result.right.values, check_same="copy"
        )

    def test_delete(self, closed):
        expected = IntervalIndex.from_breaks(np.arange(1, 11), closed=closed)
        result = self.create_index(closed=closed).delete(0)

            

Reported by Pylint.

Access to a protected member _data of a client class
Error

Line: 203 Column: 13

              
        msg = "can only insert Interval objects and NA into an IntervalArray"
        with pytest.raises(TypeError, match=msg):
            data._data.insert(1, "foo")

        # invalid closed
        msg = "'value.closed' is 'left', expected 'right'."
        for closed in {"left", "right", "both", "neither"} - {item.closed}:
            msg = f"'value.closed' is '{closed}', expected '{item.closed}'."

            

Reported by Pylint.

Access to a protected member _data of a client class
Error

Line: 214 Column: 17

                          expected = data.astype(object).insert(1, bad_item)
            tm.assert_index_equal(res, expected)
            with pytest.raises(ValueError, match=msg):
                data._data.insert(1, bad_item)

        # GH 18295 (test missing)
        na_idx = IntervalIndex([np.nan], closed=data.closed)
        for na in [np.nan, None, pd.NA]:
            expected = data[:1].append(na_idx).append(data[1:])

            

Reported by Pylint.

Access to a protected member _data of a client class
Error

Line: 229 Column: 17

              
            msg = "can only insert Interval objects and NA into an IntervalArray"
            with pytest.raises(TypeError, match=msg):
                data._data.insert(1, pd.NaT)

        result = data.insert(1, pd.NaT)
        tm.assert_index_equal(result, expected)

    def test_is_unique_interval(self, closed):

            

Reported by Pylint.

Access to a protected member _is_strictly_monotonic_increasing of a client class
Error

Line: 264 Column: 16

                      # increasing non-overlapping
        idx = IntervalIndex.from_tuples([(0, 1), (2, 3), (4, 5)], closed=closed)
        assert idx.is_monotonic is True
        assert idx._is_strictly_monotonic_increasing is True
        assert idx.is_monotonic_decreasing is False
        assert idx._is_strictly_monotonic_decreasing is False

        # decreasing non-overlapping
        idx = IntervalIndex.from_tuples([(4, 5), (2, 3), (1, 2)], closed=closed)

            

Reported by Pylint.

Access to a protected member _is_strictly_monotonic_decreasing of a client class
Error

Line: 266 Column: 16

                      assert idx.is_monotonic is True
        assert idx._is_strictly_monotonic_increasing is True
        assert idx.is_monotonic_decreasing is False
        assert idx._is_strictly_monotonic_decreasing is False

        # decreasing non-overlapping
        idx = IntervalIndex.from_tuples([(4, 5), (2, 3), (1, 2)], closed=closed)
        assert idx.is_monotonic is False
        assert idx._is_strictly_monotonic_increasing is False

            

Reported by Pylint.

pandas/tests/indexes/ranges/test_range.py
230 issues
Unable to import 'pytest'
Error

Line: 2 Column: 1

              import numpy as np
import pytest

from pandas.core.dtypes.common import ensure_platform_int

import pandas as pd
from pandas import (
    Float64Index,
    Index,

            

Reported by Pylint.

Instance of 'TestRangeIndex' has no '_index_cls' member
Error

Line: 38 Column: 16

              
    @pytest.fixture
    def simple_index(self) -> Index:
        return self._index_cls(start=0, stop=20, step=2)

    @pytest.fixture(
        params=[
            RangeIndex(start=0, stop=20, step=2, name="foo"),
            RangeIndex(start=18, stop=-1, step=-2, name="bar"),

            

Reported by Pylint.

Instance of 'TestRangeIndex' has no '_index_cls' member
Error

Line: 51 Column: 18

                      return request.param

    def test_constructor_unwraps_index(self, dtype):
        result = self._index_cls(1, 3)
        expected = np.array([1, 2], dtype=dtype)
        tm.assert_numpy_array_equal(result._data, expected)

    def test_can_hold_identifiers(self, simple_index):
        idx = simple_index

            

Reported by Pylint.

Method '_cached_int64index' has no 'nbytes' member
Error

Line: 303 Column: 27

              
        # memory savings vs int index
        i = RangeIndex(0, 1000)
        assert i.nbytes < i._int64index.nbytes / 10

        # constant memory usage
        i2 = RangeIndex(0, 10)
        assert i.nbytes == i2.nbytes


            

Reported by Pylint.

Instance of 'TestRangeIndex' has no '_index_cls' member
Error

Line: 507 Column: 21

              
    def test_format_empty(self):
        # GH35712
        empty_idx = self._index_cls(0)
        assert empty_idx.format() == []
        assert empty_idx.format(name=True) == [""]

    @pytest.mark.parametrize(
        "RI",

            

Reported by Pylint.

Method 'create_index' is abstract in class 'Base' but is not overridden
Error

Line: 23 Column: 1

              OI = Index


class TestRangeIndex(NumericBase):
    _index_cls = RangeIndex

    @pytest.fixture
    def dtype(self):
        return np.int64

            

Reported by Pylint.

Access to a protected member _data of a client class
Error

Line: 53 Column: 37

                  def test_constructor_unwraps_index(self, dtype):
        result = self._index_cls(1, 3)
        expected = np.array([1, 2], dtype=dtype)
        tm.assert_numpy_array_equal(result._data, expected)

    def test_can_hold_identifiers(self, simple_index):
        idx = simple_index
        key = idx[0]
        assert idx._can_hold_identifiers_and_holds_name(key) is False

            

Reported by Pylint.

Access to a protected member _can_hold_identifiers_and_holds_name of a client class
Error

Line: 58 Column: 16

                  def test_can_hold_identifiers(self, simple_index):
        idx = simple_index
        key = idx[0]
        assert idx._can_hold_identifiers_and_holds_name(key) is False

    def test_too_many_names(self, simple_index):
        index = simple_index
        with pytest.raises(ValueError, match="^Length"):
            index.names = ["roger", "harold"]

            

Reported by Pylint.

Access to a protected member _range of a client class
Error

Line: 92 Column: 16

                      i_copy = i.copy()
        assert i_copy is not i
        assert i_copy.identical(i)
        assert i_copy._range == range(0, 5, 1)
        assert i_copy.name == "Foo"

    def test_repr(self):
        i = RangeIndex(5, name="Foo")
        result = repr(i)

            

Reported by Pylint.

Use of possibly insecure function - consider using safer ast.literal_eval.
Security blacklist

Line: 101
Suggestion: https://bandit.readthedocs.io/en/latest/blacklists/blacklist_calls.html#b307-eval

                      expected = "RangeIndex(start=0, stop=5, step=1, name='Foo')"
        assert result == expected

        result = eval(result)
        tm.assert_index_equal(result, i, exact=True)

        i = RangeIndex(5, 0, -1)
        result = repr(i)
        expected = "RangeIndex(start=5, stop=0, step=-1)"

            

Reported by Bandit.

pandas/tests/indexes/datetimes/test_indexing.py
228 issues
Unable to import 'pytest'
Error

Line: 9 Column: 1

              )

import numpy as np
import pytest

from pandas.errors import InvalidIndexError

import pandas as pd
from pandas import (

            

Reported by Pylint.

Instance of 'Index' has no 'freq' member
Error

Line: 65 Column: 35

                              "2011-01-01", "2011-01-05", freq="D", tz=idx.tz, name="idx"
            )
            tm.assert_index_equal(result, expected)
            assert result.freq == expected.freq

            result = idx[0:10:2]
            expected = date_range(
                "2011-01-01", "2011-01-09", freq="2D", tz=idx.tz, name="idx"
            )

            

Reported by Pylint.

Instance of 'ExtensionIndex' has no 'freq' member
Error

Line: 65 Column: 35

                              "2011-01-01", "2011-01-05", freq="D", tz=idx.tz, name="idx"
            )
            tm.assert_index_equal(result, expected)
            assert result.freq == expected.freq

            result = idx[0:10:2]
            expected = date_range(
                "2011-01-01", "2011-01-09", freq="2D", tz=idx.tz, name="idx"
            )

            

Reported by Pylint.

Instance of 'Index' has no 'freq' member
Error

Line: 72 Column: 35

                              "2011-01-01", "2011-01-09", freq="2D", tz=idx.tz, name="idx"
            )
            tm.assert_index_equal(result, expected)
            assert result.freq == expected.freq

            result = idx[-20:-5:3]
            expected = date_range(
                "2011-01-12", "2011-01-24", freq="3D", tz=idx.tz, name="idx"
            )

            

Reported by Pylint.

Instance of 'ExtensionIndex' has no 'freq' member
Error

Line: 72 Column: 35

                              "2011-01-01", "2011-01-09", freq="2D", tz=idx.tz, name="idx"
            )
            tm.assert_index_equal(result, expected)
            assert result.freq == expected.freq

            result = idx[-20:-5:3]
            expected = date_range(
                "2011-01-12", "2011-01-24", freq="3D", tz=idx.tz, name="idx"
            )

            

Reported by Pylint.

Instance of 'ExtensionIndex' has no 'freq' member
Error

Line: 79 Column: 35

                              "2011-01-12", "2011-01-24", freq="3D", tz=idx.tz, name="idx"
            )
            tm.assert_index_equal(result, expected)
            assert result.freq == expected.freq

            result = idx[4::-1]
            expected = DatetimeIndex(
                ["2011-01-05", "2011-01-04", "2011-01-03", "2011-01-02", "2011-01-01"],
                freq="-1D",

            

Reported by Pylint.

Instance of 'Index' has no 'freq' member
Error

Line: 79 Column: 35

                              "2011-01-12", "2011-01-24", freq="3D", tz=idx.tz, name="idx"
            )
            tm.assert_index_equal(result, expected)
            assert result.freq == expected.freq

            result = idx[4::-1]
            expected = DatetimeIndex(
                ["2011-01-05", "2011-01-04", "2011-01-03", "2011-01-02", "2011-01-01"],
                freq="-1D",

            

Reported by Pylint.

Instance of 'DatetimeIndex' has no 'freq' member
Error

Line: 89 Column: 35

                              name="idx",
            )
            tm.assert_index_equal(result, expected)
            assert result.freq == expected.freq

    def test_dti_business_getitem(self):
        rng = bdate_range(START, END)
        smaller = rng[:5]
        exp = DatetimeIndex(rng.view(np.ndarray)[:5], freq="B")

            

Reported by Pylint.

Instance of 'DatetimeIndex' has no 'freq' member
Error

Line: 96 Column: 32

                      smaller = rng[:5]
        exp = DatetimeIndex(rng.view(np.ndarray)[:5], freq="B")
        tm.assert_index_equal(smaller, exp)
        assert smaller.freq == exp.freq

        assert smaller.freq == rng.freq

        sliced = rng[::5]
        assert sliced.freq == BDay() * 5

            

Reported by Pylint.

Instance of 'ExtensionIndex' has no 'freq' member
Error

Line: 98 Column: 32

                      tm.assert_index_equal(smaller, exp)
        assert smaller.freq == exp.freq

        assert smaller.freq == rng.freq

        sliced = rng[::5]
        assert sliced.freq == BDay() * 5

        fancy_indexed = rng[[4, 3, 2, 1, 0]]

            

Reported by Pylint.

pandas/tests/frame/methods/test_to_csv.py
227 issues
Unable to import 'pytest'
Error

Line: 6 Column: 1

              import os

import numpy as np
import pytest

from pandas.errors import ParserError

import pandas as pd
from pandas import (

            

Reported by Pylint.

Sequence index is not an int, slice, or instance with __index__
Error

Line: 235 Column: 17

                              for i in np.random.randint(0, len(s), nnat):
                    s[i] = NaT
                i = np.random.randint(100)
                s[-i] = NaT
                s[i] = NaT
            return s

        chunksize = 1000
        # N=35000

            

Reported by Pylint.

Sequence index is not an int, slice, or instance with __index__
Error

Line: 236 Column: 17

                                  s[i] = NaT
                i = np.random.randint(100)
                s[-i] = NaT
                s[i] = NaT
            return s

        chunksize = 1000
        # N=35000
        s1 = make_dtnat_arr(chunksize + 5)

            

Reported by Pylint.

Instance of 'ExtensionIndex' has no '_with_freq' member
Error

Line: 1142 Column: 15

              
        # GH11619
        idx = date_range("2015-01-01", "2015-12-31", freq="H", tz="Europe/Paris")
        idx = idx._with_freq(None)  # freq does not round-trip
        idx._data._freq = None  # otherwise there is trouble on unpickle
        df = DataFrame({"values": 1, "idx": idx}, index=idx)
        with tm.ensure_clean("csv_date_format_with_dst") as path:
            df.to_csv(path, index=True)
            result = read_csv(path, index_col=0)

            

Reported by Pylint.

Instance of 'Index' has no '_with_freq' member
Error

Line: 1142 Column: 15

              
        # GH11619
        idx = date_range("2015-01-01", "2015-12-31", freq="H", tz="Europe/Paris")
        idx = idx._with_freq(None)  # freq does not round-trip
        idx._data._freq = None  # otherwise there is trouble on unpickle
        df = DataFrame({"values": 1, "idx": idx}, index=idx)
        with tm.ensure_clean("csv_date_format_with_dst") as path:
            df.to_csv(path, index=True)
            result = read_csv(path, index_col=0)

            

Reported by Pylint.

Access to a protected member _with_freq of a client class
Error

Line: 59 Column: 36

              
            # test roundtrip
            # freq does not roundtrip
            datetime_frame.index = datetime_frame.index._with_freq(None)
            datetime_frame.to_csv(path)
            recons = self.read_csv(path)
            tm.assert_frame_equal(datetime_frame, recons)

            datetime_frame.to_csv(path, index_label="index")

            

Reported by Pylint.

TODO: remove renaming when GH 10875 is solved
Error

Line: 145 Column: 3

              
            result = read_csv(path, index_col="dt_index")
            result.index = pd.to_timedelta(result.index)
            # TODO: remove renaming when GH 10875 is solved
            result.index = result.index.rename("dt_index")
            result["dt_data"] = pd.to_timedelta(result["dt_data"])

            tm.assert_frame_equal(df, result, check_index_type=True)


            

Reported by Pylint.

Unused variable 'missing'
Error

Line: 196 Column: 34

                                  if df.columns.is_unique:
                        rs_c.columns = cols
                    else:
                        indexer, missing = df.columns.get_indexer_non_unique(cols)
                        rs_c.columns = df.columns.take(indexer)

                    for c in cols:
                        obj_df = df[c]
                        obj_rs = rs_c[c]

            

Reported by Pylint.

TODO to_csv drops column name
Error

Line: 482 Column: 3

                          float_frame.to_csv(path)
            recons = self.read_csv(path)

            # TODO to_csv drops column name
            tm.assert_frame_equal(float_frame, recons, check_names=False)
            tm.assert_frame_equal(
                np.isinf(float_frame), np.isinf(recons), check_names=False
            )


            

Reported by Pylint.

TODO to_csv drops column name
Error

Line: 498 Column: 3

                          float_frame.to_csv(path)
            recons = self.read_csv(path)

            # TODO to_csv drops column name
            tm.assert_frame_equal(float_frame, recons, check_names=False)
            tm.assert_frame_equal(
                np.isinf(float_frame), np.isinf(recons), check_names=False
            )


            

Reported by Pylint.