Skip to content
New issue

Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? Sign in to your account

Project dependencies may have API risk issues #979

Open
PyDeps opened this issue Oct 26, 2022 · 0 comments
Open

Project dependencies may have API risk issues #979

PyDeps opened this issue Oct 26, 2022 · 0 comments
Labels

Comments

@PyDeps
Copy link

PyDeps commented Oct 26, 2022

Hi, In mlxtend, inappropriate dependency versioning constraints can cause risks.

Below are the dependencies and version constraints that the project is using

scipy>=1.2.1
numpy>=1.16.2
pandas>=0.24.2
scikit-learn>=1.0.2
matplotlib>=3.0.0
joblib>=0.13.2

The version constraint == will introduce the risk of dependency conflicts because the scope of dependencies is too strict.
The version constraint No Upper Bound and * will introduce the risk of the missing API Error because the latest version of the dependencies may remove some APIs.

After further analysis, in this project,
The version constraint of dependency scipy can be changed to >=0.12.0,<=1.7.3.
The version constraint of dependency numpy can be changed to >=1.13.0rc1,<=1.23.0rc3.
The version constraint of dependency pandas can be changed to >=0.13.0,<=1.4.2.
The version constraint of dependency scikit-learn can be changed to >=0.18,<=0.20.4.
The version constraint of dependency matplotlib can be changed to >=1.4.0,<=3.0.3.
The version constraint of dependency joblib can be changed to ==0.7.0d.
The version constraint of dependency joblib can be changed to >=0.3.6.dev,<=1.1.0.

The above modification suggestions can reduce the dependency conflicts as much as possible,
and introduce the latest version as much as possible without calling Error in the projects.

The invocation of the current project includes all the following methods.

The calling methods from the scipy
scipy.stats.chi2_contingency
scipy.spatial.distance.squareform
scipy.sparse.issparse
scipy.stats.sem
scipy.sparse.csr_matrix
scipy.sparse.hstack
scipy.spatial.distance.pdist
The calling methods from the numpy
numpy.linalg.inv
numpy.linalg.qr
numpy.linalg.svd
numpy.linalg.pinv
matrix.max
distutils.core.setup
numpy.linalg.norm
numpy.linalg.eig
numpy.linalg.eigh
The calling methods from the pandas
pandas.concat
pandas.DataFrame.apply
The calling methods from the scikit-learn
Signature.from_function
joblib.Parallel
sklearn.exceptions.NotFittedError
sklearn.metrics.get_scorer
sklearn.utils.indexable
sklearn.linear_model.LinearRegression
joblib.delayed
sklearn.preprocessing.LabelEncoder
sklearn.utils.check_X_y
The calling methods from the matplotlib
matplotlib.path.get_path_collection_extents
matplotlib.ticker.MaxNLocator
matplotlib.table.Table.add_cell
matplotlib.table.Table.set_fontsize
matplotlib.table.Table
matplotlib.patches.Patch
The calling methods from the joblib
joblib.delayed
joblib.Parallel
The calling methods from the all methods
utilities._calc_score.delayed
cls
self.process.memory_percent
os.path.isdir
self._get_cluster_idx
matplotlib.pyplot.bar
self.transform
correctly_classified_collection.append
within_scatter.np.linalg.inv.dot
scipy.stats.sem
columns.ary_newt.std
targets.max
matplotlib.pyplot.gca.set_ylim
signature.bind_partial
numpy.diag.dot
transOffset.get_affine.transform_non_affine
supports.append
numpy.nanmean
numpy.empty
numpy.concatenate
scipy.stats.distributions.chi2.sf
numpy.linalg.qr
mkdocs.append
mlxtend.externals.adjust_text.adjust_text
X_neg.append
matplotlib.pyplot.xticks
lst.np.asarray.reshape
self._calc_percent
pandas.DataFrame.apply
time.gmtime
line.lstrip
ax.xaxis.convert_units
numpy.extract
str
m.startswith
expand.r.i.get_window_extent.expanded.transformed
warnings.warn
NotImplementedError
yaml.load
FPNode
clf.predict
numpy.random.RandomState.choice
rgen.normal.astype
Z.reshape.max
conf_mat.sum
self.w_.np.abs.sum
subsets_dict.keys
self.b_.self.w_.X.np.dot.flatten
distutils.core.setup
numpy.diag
text.set_va
matplotlib.path.get_path_collection_extents.inverse_transformed
generate_new_combinations_low_memory
columns.ary_newt.mean
regr.set_params
m.group.strip
tree.conditional_tree
scipy.special.expit
self.meta_regr_.fit
md.inlinePatterns.add
d.startswith
self.meta_clf_.fit
test_errors.append
score_func
predict_fn
os.remove
line.replace.strip
matplotlib.pyplot.plot
X.mean.var
self._get_array
self._cache_progress_bar
self._bind
self.le_.transform
i.get_window_extent
matplotlib.pyplot.gcf
ax.text
_get_user_defined_method
packaging.version.Version
operator.itemgetter
loss_fn
model.predict
r.text.get_window_extent.expanded
numpy.column_stack
generalize_names
markdown.util.AtomicString
math.floor
numpy.asarray
externals.pyprind.progbar.ProgBar.update
join.lower
mod.y_target.reshape
os.path.join
self._covariance_matrix
numpy.random.RandomState
self._between_scatter
numpy.linalg.pinv
shuffle_arrays_unison
step.get_params
round
sys.stderr.flush
fig.add_axes.axis
numpy.abs
ax.set_title
utils.extract_file
matplotlib.pyplot.scatter
y.dot
GroupTimeSeriesSplit._calculate_split_params
inspect.isclass
compute_class_counts
numpy.copy
time.localtime
range
self._set_params
hasattr
self.stream.write
_base._MultiLayer.__init__
subprocess.check_call
numpy.linalg.inv
FPTree.insert_itemset
externals.estimator_checks.check_is_fitted
os.path.basename.replace
path.append
fig.colorbar
old_combinations.flatten
transform.get_affine.frozen
_check_arrays
text.set_ha
scipy.sparse.issparse
y_model1.y_target.astype
getattr.get_params
frequent_patterns.fpcommon.setup_fptree
matplotlib.pyplot.gca
time.strftime
unicodedata.normalize
numpy.meshgrid
inspect.getdoc
rule_supports.np.array.T.astype.append
repel_text
imageio.imread
get_feature_range_mask
line.lstrip.startswith
numpy.column_stack.all
_base._BaseModel.__init__
yaml.load.values
frozenset
inspect.getmembers
msg.format.format
self.markdown.images.append
_base._Classifier.__init__
y_target.all
K.T.dot
self.meta_regr_.predict
numpy.square
corr_func
numpy.linalg.eig
threshold.supports.nonzero
joblib.Parallel
rng.randint.reshape
bbox1.intersection
item_support.reshape.reshape
x_index.X.min
mat.mean
self._cache_percent_indicator
self.process.get_memory_percent
df.copy
numpy.dot
six.moves.urllib.request.urlretrieve
fig.add_subplot.grid
i.i.axes.set_xlabel
format
df.sparse.to_coo
pkgutil.iter_modules
sklearn.base.clone
prog_class.Prog.__init__
fig.add_axes.tick_params
itertools.chain.from_iterable
itertools.cycle
pred.y_target.sum
corr2_coeff
ax.axes.get_xaxis.set_ticks
numpy.asarray.max
idx.X.update.reshape
numpy.random.RandomState.randn
args.extend
j.i.conf_mat.astype
type
matplotlib.pyplot.Circle
main_predictions.pred.astype
matplotlib.pyplot.gca.scatter
_base._IterativeModel.__init__
import_package
_base._MultiClass.__init__
sklearn.linear_model.LinearRegression
self.fit
object_to_markdownpage
sklearn.utils.check_X_y
offsets.filled.filled
tree.print_status
itertools.groupby
int
init_signature.parameters.values
classes.append
metric_dict.keys
int.__new__
collections.OrderedDict.pop
struct.unpack
estimator.predict
self._bound_arguments_cls
yy.min
os.path.split
i.texts.set_position
clf.fit
join.startswith
generator_factory
numpy.sign
os.makedirs
TypeError
plot_split_indices
self.fixed_features_.set.issubset
self._loadings
metric_dict
not_enough_data_error.format
find_files
ax.set_xticks
Signature.from_function
old_tuple.X.all
join
errors.idx.X.T.dot.reshape
estimator.fit
math.factorial
collections.defaultdict.items
os.path.isfile
glob.glob
params.keys
kwargs.pop
self.le_.inverse_transform
_compute_metric
matplotlib.pyplot.grid
mlxtend.feature_extraction.PrincipalComponentAnalysis.fit
itemset.sort
column_check.np.argwhere.flatten
matplotlib.path.get_path_collection_extents
mother_class.update
dict.update
list.count
A.mean.sum
r.predict
self._projection_matrix
line.split.strip
self._calc_confidence
params.items
ax.legend
numpy.allclose
matplotlib.pyplot.gca.annotate
idx.new_docstring_lst.replace
move_texts
matplotlib.pyplot.xlim
numpy.mean
skimage.transform.resize
i.j.axes.scatter
bootstrap_outofbag.BootstrapOutOfBag.split
dist
fig.add_axes.set_ylabel
node.itempath_from_root
fpmax_step
self._net_input.argmax
sklearn.base.clone.predict
r.readlines
matplotlib.pyplot.gca.get_legend_handles_labels
numpy.linalg.eigh
regr.fit
selector.est_.fit
numpy.ones.dot
self._mean_vectors
tuple
MFITree
url.rpartition
items.item_support.argsort
new_line.append
sc.get_transforms
enumerate
ax.set_ylabel
fp_in.read
no_information_rate
comb.y_model_predictions.y_target.astype
argparse.ArgumentParser.add_argument
elements.strip.rstrip
y_index.X.min
all_res.append
model.fit
idx.X.self.X_.sum
abs
numpy.random.RandomState.normal
self._to_hhmmss
matplotlib.pyplot.gca.plot
self._cost
zip
mean_vectors.append
x_data.max
next
sorted.remove
self._logit_cost
self.get_params
abs_imagepath
self.predict_proba
md.treeprocessors.add
pandas.DataFrame
self._sigmoid_activation
z.max
sklearn.model_selection._split.check_cv
key.valid_params.set_params
docstring.split
self.process.get_cpu_percent
self._compute_cost
numpy.float_.ary.astype.copy
m.group
matplotlib.pyplot.style.context
ax.axes.get_yaxis.set_ticks
feat.X.copy
utilities._calc_score
all_subsets.append
mother_class
X.toarray
sklearn.base.clone.fit
makedir
os.path.relpath
_merge_lists
sc.get_paths
ax.set_axis_off
self._stream_out
c.ary.sum
self._check_fitted
max
self.b_.self.w_.X.dot.flatten
optimally_align_text
self._cache_item_id
errors.sum
t.reshape.reshape
self._init_params
clf.predict_proba
line.replace.startswith
result.append
matplotlib.ticker.MaxNLocator
self._print_progress
self.le_.fit
matplotlib.pyplot.gca.get_xlim
name.startswith
X_test.estimator.predict.reshape
new_output.append
all_avg_scores.append
numpy.exp.sum
re.match
imgpath.read
join.decode
matplotlib.pyplot.gca.get_ylim
mlxtend.evaluate.confusion_matrix.confusion_matrix
pandas.concat
numpy.full
ax.scatter
joblib.delayed
y_target.all.sum
self._finish
col_name.df_new.apply
indptr.append
collections.OrderedDict.values
step.get_params.items
frozenset_vect
combin.reshape.astype
text.set_position
scoring_func
matplotlib.pyplot.figure
func
sklearn.model_selection.cross_val_score
X.mean.mean
self.clfs_.index
markdown.util.etree.Element.set
utilities._merge_lists
idx.X.T.dot
itertools.product
_base._Regressor.__init__
skimage.transform.AffineTransform
gen_randsample
NotFittedError
lst.append
iter
sig.parameters.values
conviction_helper
_base._Cluster.__init__
e.len.name.strip
numpy.triu_indices_from
externals.pyprind.progbar.ProgBar
numpy.average
generate_new_combinations
sklearn.exceptions.NotFittedError
numpy.hstack
list.sort
matplotlib.pyplot.gca.get_figure
scoring.scoring_func
numpy.std
numpy.unique
self._feature_selector
self.EnsembleVoteClassifier.super.get_params
re.findall
x_data.min
fig.add_axes.scatter
map
combin.reshape.reshape
landmarks_list.append
out.extend
self.named_clfs.items
matplotlib.pyplot.gca.axis
GroupTimeSeriesSplit
cmap_cv
doc.findall
self._calc_eta
weight_initializer
check_file
df.dtypes.apply
MathExtension
matplotlib.pyplot.gcf.gca
K.one_n.dot.dot
predictor
yy.max
tree.nodes.keys
self._net_input
expand.r.text.get_window_extent.expanded.transformed
issubclass
all_prod.all.sum
os.mkdir
e.replace
df.sparse.to_coo.tocsr.append
scipy.stats.t._ppf
float_to_tuple
formatted_kwargs.pop
types.MappingProxyType
sklearn.utils.indexable
mlxtend.utils.check_Xy
pandas.Series
B.mean
line.startswith
detector
numpy.min
f.readlines
markdown.util.etree.Element
AttributeError
numpy.arange
sorted.reverse
inspect.isfunction
repel_text_from_bboxes
self._eigendecom
f.read
mlxtend.utils.format_kwarg_dictionaries
all_class_acc.append
sklearn.model_selection.train_test_split
dict
y.y_predict.sum
frequent_patterns.fpcommon.valid_input_check
opener.close
mfit.contains
matplotlib.pyplot.gca.set_xlim
numpy.asarray.min
_macro
utils.read_image
numpy.median
sc.get_transform
all_or_any
self._get_time
only_move.values
numpy.argmin
self.Node
self.getConfig
numpy.zeros.astype
branches.append
history.pop
matplotlib.table.Table
os.path.splitext
item.self.nodes.append
_support
self._get_params
matplotlib.pyplot.gcf.get_size_inches
ax.set_xticklabels
numpy.zeros_like
matplotlib.pyplot.savefig
numpy.random.permutation
self.generate_error_message_k_features
f_in.readlines
fig.add_axes.hist
abs_imagepath.startswith
ImgExtractor
AssertionError
os.path.expanduser
i.i.axes.hist
numpy.genfromtxt
id
_error
matplotlib.pyplot.gca.legend
Exception
os.path.basename
self._calculate_split_params
numpy.zeros
__import__
numpy.random.seed
getattr
transform.get_affine.get_affine
numpy.ones
self.clusters_.keys
scipy.sparse.hstack
functions.append
image.get
overlap_bbox_and_point
print
f.write
numpy.ndenumerate
regr.predict
row.reshape
text.get_window_extent
argparse.ArgumentParser.parse_args
shutil.rmtree
f_in.readlines.startswith
self._get_param_names
self.predict_meta_features
numpy.linalg.norm
self.stream.flush
_draw_bootstrap_sample
re.sub.split
matrix.astype
numpy.all
set
scipy.stats.chi2.sf
md.startswith
y_model2.y_target.astype
xx.max
rule_consequents.append
get_midpoint
gen_title
matplotlib.pyplot.gca.axvline
out.np.array.reshape
matplotlib.pyplot.subplots
clean_lst.append
self._fit
markdown.inlinepatterns.Pattern
df.sparse.to_coo.tocsr
setuptools.find_packages
matplotlib.pyplot.gca.contourf
ax.xaxis.set_major_locator
re.sub
columns.ary_newt.min
scipy.sparse.csr_matrix
dict.keys
K.one_n.dot.dot.dot
mean_vec.reshape.reshape
open
matplotlib.pyplot.tight_layout
self._adjust_width
i.j.axes.set_ylabel
os.path.expanduser.endswith
self._net_input.max
ax.set_xlabel
math.ceil
predicted_temp.target_temp.sum
support
Z.reshape.reshape
argparse.ArgumentParser
ax.xaxis.set_ticks_position
numpy.nonzero
parallel
dlib.get_frontal_face_detector
matplotlib.pyplot.gca.set_xlabel
subprocess.call
self._feedforward
scipy.stats.chi2_contingency
img.astype.astype
f.read.splitlines
matplotlib.table.Table.add_cell
text.get_position
texts.append
predict_method
fig.add_subplot
IndexError
ax.transData.inverted
y_model_predictions.mod.mod.y_target.reshape.np.hstack.astype
ax.matshow
c.set.union
frequent_patterns.fpcommon.generate_itemsets
numpy.round
self.finalize_fit
super
utilities._preprocess
self._cross_entropy
ix.estimator.layers.get_weights
self._BaseXComposition.super.set_params
skimage.transform.warp
os.walk
self._do_predict
j.i.axes.set_axis_off
opener
cluster_idx.self.clusters_.append
transOffset.get_affine.get_affine
fp_out.write
fig.canvas.get_renderer
FPTree
markdown.util.etree.Element.extend
numpy.nonzero.sort
matplotlib.pyplot.xlabel
get_functions_and_classes
matplotlib.pyplot.legend
ncr
numpy.sqrt
utils.check_exists
x_index.X.max
p_values.append
y.astype.astype
collections.OrderedDict
join.split
repr
callable
ImportError
matplotlib.pyplot.gca.draw
self._calc_eye_properties
fit_params.y_boot.X_boot.estimator.fit.predict
res_df.reset_index.apply
utils.download_url
externals.name_estimators._name_estimators
os.path.splitext.append
set.add
valid_items.mask_rows.X.sum
sys.stdout.flush
scipy.spatial.distance.pdist
self.__eq__
scipy.stats.norm.cdf
params.pop
xx.ravel
float
quantile
lbpath.read
self.named_clfs.copy
mv.row.dot
col_idx.row_idx.tb._cells._text.set_color
A.mean
ax.set
ValueError
self.regr_.index
create_correlation_table
numpy.random.RandomState.shuffle
self._sigmoid
sc.get_offset_transform
predict_func
dlib.shape_predictor
X_pos.append
min_support.support.ary_col_idx.reshape
numpy.bincount
self._print
sum
selector.scorer
other.parameters.keys
get_leaf_nodes
self.process.cpu_percent
mean_vec.X.T.dot
numpy.argwhere
_wrap_node
matplotlib.patches.Patch
time.time
self._within_scatter
bootstrap_outofbag.BootstrapOutOfBag
old_tuple.X.toarray
get_bboxes.append
m.metric_dict
fpg_step
matplotlib.pyplot.gca.step
obj.os.path.basename.split
inspect.signature
new_docstring_lst.append
self._normal_equation
matrix.max
min
ary.astype
os.path.realpath
line_string.split
next.split
scoring_func.keys
overall_mean.mean_vec.dot
sys.stderr.write
len
self.cost_.append
self._softmax
self._check_target_array
ax.axes.get_xaxis
os.path.exists
reversed
externals.signature_py27.signature
self._signature.parameters.items
GroupTimeSeriesSplit.split
sklearn.metrics.get_scorer
ap.update
linestyles.split
summarize_methdods_and_functions
any
self._elapsed
col_idx.X.copy
y_target.sum
i.j.axes.set_xlabel
check_exists
estimator.type.__name__.lower
sys.stdout.fileno
numpy.log
ix.estimator.layers.set_weights
self._parameters.items
numpy.sort
self._layermapping
args.ignore_packages.split
itertools.combinations
factorial
mfit.insert_itemset
psutil.Process
X.self.fit.transform
fig.add_subplot.text
grad_loss_wrt_out.reshape
predictor.part
abs_imagepath.replace
self.__repr__
numpy.isclose
df.sparse.to_coo.tocsr.eliminate_zeros
values.extend
scipy.stats.binom.cdf
groups.keys
xx.min
self.EnsembleVoteClassifier.super.get_params.items
numpy.argmax
fig.add_axes.set_xlabel
basename.groups.append
scores.append
itertools.chain
line.replace.lstrip
r.i.get_window_extent.expanded
valid_items.X.toarray
matplotlib.pyplot.gca.set_ylabel
numpy.argsort
list
create_correlation_table.iterrows
df.sparse.to_coo.tocsc
os.chdir
df.sparse.to_coo.tocoo
divmod
os.path.abspath
join.replace
numpy.uint8.imgpath.np.fromfile.reshape
ax.spines.set_visible
signature.replace
numpy.vstack
matplotlib.pyplot.figure.add_axes
ba.arguments.items
y_pos.append
numpy.exp
k.difference
stack_fn
i.i.axes.set_ylabel
Parameter
X.dot
mlxtend.evaluate.accuracy.accuracy_score
self._init_params_from_layermapping
matplotlib.pyplot.yticks
matplotlib.pyplot.ylabel
mlxtend.feature_extraction.PrincipalComponentAnalysis.transform
predicted_temp.target_temp.mean
all_pred.y_test.x.mean.np.apply_along_axis.mean
self._forward
functools.reduce
X.to_numpy
ipynb_to_md
numpy.logical_and
self._softmax_activation
conf_mat.astype
matplotlib.table.Table.set_fontsize
matplotlib.pyplot.text
clf.set_params
numpy.random.RandomState.randint
self._cache_eta
self._check_stream
self.predict
setuptools.setup
sklearn.model_selection.cross_val_predict
all
numpy.zeros.sum
opener.extractall
self._backward
numpy.fromiter
df.copy.duplicated
X.astype
sorted
numpy.sum.sum
self._check_arrays
df.copy.drop_duplicates
self._one_hot
rule_supports.np.array.T.astype
ax.axes.get_yaxis
lower.append
self.type
get_points_inside_bbox
KeyError
B.mean.sum
best_idx.append
split_idx.scores.round
y.copy
new_output.extend
args.append
self._decomposition
self._sum_squared_error_cost
repel_text_from_points
y_true.mean
numpy.apply_along_axis
f.startswith
indices.append
y_test.x.mean
pandas.api.types.is_bool_dtype.df.dtypes.apply.all
formatannotation
get_bboxes
self.subsets_.keys
slice
array.astype
xrange
setattr
get_text_position
dct.keys
matplotlib.pyplot.draw
numpy.dot.reshape
token.startswith
value.get_params.items
fig.add_subplot.matshow
fig.gca.add_artist
f_out.write
sig.parameters.values.replace
self._print_title
scipy.optimize.minimize
X.self._get_array.mean
copy.deepcopy
abs_imagepath.split
isinstance
yy.ravel
matplotlib.pyplot.fill_between
obj.inspect.signature.str.replace
numpy.sum
training_errors.append
matplotlib.pyplot.arrow
key.partition
re.sub.lower
model.set_params
numpy.where
history.append
overall_mean.reshape.reshape
matplotlib.pyplot.show
X.copy
all_cv_scores.append
repel_text_from_axes
matplotlib.pyplot.ylim
r.text.get_window_extent.transformed
self.MathExtension.super.__init__
transform.get_affine.transform_path_non_affine
warnings.simplefilter
model.predict_proba
gen_title.rstrip
self.parameters.items
matplotlib.pyplot.gca.contour
numpy.max
ax.add_table
numpy.array
numpy.linspace
self._stream_flush
bias_initializer
label_pos.np.asarray.mean
mv.reshape
self._predict
getattr.get
x_counterfact.reshape.model.predict_proba.flatten
numpy.vectorize
numpy.linalg.svd
numpy.random.RandomState.permutation
signature
img_link.replace.replace
scipy.spatial.distance.squareform
self._predict_probas
next.replace
counts.append
os.isatty
line.replace.replace
self._stack_first_level_features
datetime.datetime.now.strftime
positive_class_ratio.sample_size.np.round.astype
ax.grid
mlxtend.feature_extraction.PrincipalComponentAnalysis
ax.yaxis.set_ticks_position
label_pos.np.asarray.mean.append
datetime.datetime.now
self._to_classlabels
itertools.accumulate
num_models.c.ary.sum.sum
formatted_kwargs.update
per_model_preds.append
numpy.array_split
matplotlib.pyplot.title
docstring_to_markdown
sklearn.preprocessing.LabelEncoder
itertools.islice
self._kernel_matrix
r.text.get_window_extent.transformed.intersection
self.parameters.values
f.read.splitlines.append
numpy.loadtxt
os.getcwd
res_df.reset_index.reset_index
transOffset.get_affine.frozen
re.match.group
numpy.fromfile
generate_api_docs
extract_face_landmarks
old_tuple.X.toarray.all
y_neg.append
_ParameterKind
RuntimeError
kwargs.update
tree.is_path
y_index.X.max
collections.defaultdict
self._yield_minibatches_idx
vectorspace_orthonormalization
ax.tick_params
iter.append
os.path.dirname
new_s.append
min_support.support.reshape
rule_antecedents.append
path.reverse
sig.parameters.items
conviction_helper.keys
tuple.any
ax.yaxis.convert_units
utilities._get_featurenames
get_bboxes_pathcollection
metric.metric_dict
sig.replace.replace
columns.ary_newt.max
upper.append
get_renderer
f.endswith
os.listdir
mask_rows.X_cols.sum

@developer
Could please help me check this issue?
May I pull a request to fix it?
Thank you very much.

@PyDeps PyDeps added the Bug label Oct 26, 2022
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment
Labels
Projects
None yet
Development

No branches or pull requests

1 participant