Releases: rapidsai/cuml
Releases Β· rapidsai/cuml
[NIGHTLY] v23.02.00
π Links
π¨ Breaking Changes
- Use ivf_pq and ivf_flat from raft (#5119) @benfred
- Estimators adaptation toward CPU/GPU interoperability (#4918) @viclafargue
- Provide host CumlArray and associated infrastructure (#4908) @wphicks
- Improvements of UMAP/TSNE precomputed KNN feature (#4865) @viclafargue
π Bug Fixes
- Fix for creation of CUDA context at import time (#5211) @dantegd
- Correct arguments to load_from_treelite_model after classmethod conversion (#5210) @wphicks
- Use workaround to avoid staticmethod 3.10/Cython issue (#5202) @wphicks
- Increase margin for flaky FIL test (#5194) @wphicks
- Increase margin for flaky FIL test (#5174) @wphicks
- Fix gather_if raft update (#5149) @lowener
- Add
_predict_model_on_cpu
forRandomForestClassifier
(#5148) @lowener - Fix for hdbscan model serialization (#5128) @cjnolet
- build.sh switch to use
RAPIDS
magic value (#5124) @robertmaynard - Fix
Lasso
interop issue (#5116) @viclafargue - Remove nvcc conda package and add compiler/ninja to dev envs (#5113) @dantegd
- Add missing job dependency for new PR jobs check (#5112) @dantegd
- Skip RAFT docstring test in cuML (#5088) @dantegd
- Restore KNN metric attribute (#5087) @viclafargue
- Check
sklearn
presence before importing thePipeline
(#5072) @viclafargue - Provide workaround for kernel ridge solver (#5064) @wphicks
- Keep verbosity level in KMeans OPG (#5063) @viclafargue
- Transmit verbosity level to Dask workers (#5062) @viclafargue
- Ensure consistent order for nearest neighbor tests (#5059) @wphicks
- Add
workers
argument to daskmake_blobs
(#5057) @viclafargue - Fix indexing type for ridge and linear models (#4996) @lowener
π Documentation
- Adding benchmark notebook for hdbscan soft clustering (#5103) @cjnolet
- Fix doc for solver in LogisticRegression (#5097) @viclafargue
- Fix docstring of
HashingVectorizer
(#5041) @lowener - expose text, text.{CountVectorizer,HashingVectorizer,Tfidf{Transformer,Vectorizer}} from feature_extraction's public api (#5028) @mattf
- Add Dask LabelEncoder to the documentation (#5023) @beckernick
π New Features
- HDBSCAN CPU/GPU Interop (#5137) @divyegala
- Make all CPU/GPU only imports "safe" for respective package (#5117) @wphicks
- Pickling for HBDSCAN (#5102) @divyegala
- Break up silhouette score into 3 units to improve compilation time (#5061) @wphicks
- Provide host CumlArray and associated infrastructure (#4908) @wphicks
π οΈ Improvements
- Pin
dask
anddistributed
for release (#5198) @galipremsagar - Update shared workflow branches (#5197) @ajschmidt8
- Pin wheel dependencies to same RAPIDS release (#5183) @sevagh
- Reverting RAFT pin (#5178) @cjnolet
- Remove
faiss
fromlibcuml
(#5175) @ajschmidt8 - Update location of
import_utils
fromcommon
tointernals
for Forest notebook (#5171) @taureandyernv - Disable hypothesis tests for 23.02 burndown. (#5168) @csadorf
- Use CTK 118/cp310 branch of wheel workflows (#5163) @sevagh
- Add docs build GH (#5155) @AjayThorve
- Adapt to changes in
cudf.core.buffer.Buffer
(#5154) @galipremsagar - Upgrade Treelite to 3.1.0 (#5146) @hcho3
- Replace cpdef variables with cdef variables. (#5145) @bdice
- Update Scikit-learn compatibility to 1.2 (#5141) @dantegd
- Replace deprecated raft headers (#5134) @lowener
- Execution device interoperability documentation (#5130) @viclafargue
- Remove outdated macOS deployment target from build script. (#5125) @bdice
- Build CUDA 11.8 and Python 3.10 Packages (#5120) @bdice
- Use ivf_pq and ivf_flat from raft (#5119) @benfred
- Update workflows for nightly tests (#5110) @ajschmidt8
- Build pip wheels alongside conda CI (#5109) @sevagh
- Remove PROJECT_FLASH from libcuml conda build environment. (#5108) @bdice
- Enable
Recently Updated
Check (#5105) @ajschmidt8 - Ensure
pytest
is run from relevant directories in GH Actions (#5101) @ajschmidt8 - Remove C++ Kmeans test (#5098) @lowener
- Slightly lower the test_mbsgd_regressor expected min score. (#5092) @csadorf
- Skip all hypothesis health checks by default in CI runs. (#5090) @csadorf
- Reduce Naive Bayes test time (#5082) @lowener
- Remove unused
.conda
folder (#5078) @ajschmidt8 - Fix conflicts in #5045 (#5077) @ajschmidt8
- Add GitHub Actions Workflows (#5075) @csadorf
- Skip test_linear_regression_model_default test. (#5074) @csadorf
- Fix link. (#5067) @bdice
- Expand hypothesis testing for linear models (#5065) @csadorf
- Update xgb version in GPU CI 23.02 to 1.7.1 and unblocking CI (#5051) @dantegd
- Remove direct UCX and NCCL dependencies (#5038) @vyasr
- Move single test from
test
totests
(#5037) @vyasr - Support using
CountVectorizer
&TfidVectorizer
incuml.pipeline.Pipeline
(#5034) @lasse-it - Refactor API decorators (#5026) @csadorf
- Implement hypothesis strategies and tests for arrays (#5017) @csadorf
- Add dependencies.yaml for rapids-dependency-file-generator (#5003) @beckernick
- Improved CPU/GPU interoperability (#5001) @viclafargue
- Estimators adaptation toward CPU/GPU interoperability (#4918) @viclafargue
- Improvements of UMAP/TSNE precomputed KNN feature (#4865) @viclafargue
v22.10.01
π Bug Fixes
- Skipping some hdbscan tests when cuda version is <= 11.2. (#4916) @cjnolet
- Fix HDBSCAN python namespace (#4895) @cjnolet
- Cupy 11 fixes (#4889) @dantegd
- Fix small fp precision failure in linear regression doctest test (#4884) @lowener
- Remove unused cuDF imports (#4873) @beckernick
- Update for thrust 1.17 and fixes to accommodate for cuDF Buffer refactor (#4871) @dantegd
- Use rapids-cmake 22.10 best practice for RAPIDS.cmake location (#4862) @robertmaynard
- Patch for nightly test&bench (#4840) @viclafargue
- Fixed Large memory requirements for SimpleImputer strategy median #4794 (#4817) @erikrene
- Transforms RandomForest estimators non-consecutive labels to consecutive labels where appropriate (#4780) @VamsiTallam95
π Documentation
- Document that minimum required CMake version is now 3.23.1 (#4899) @robertmaynard
- Update KMeans notebook for clarity (#4886) @beckernick
π New Features
- Allow cupy 11 (#4880) @galipremsagar
- Add
sample_weight
to Coordinate Descent solver (Lasso and ElasticNet) (#4867) @lowener - Import treelite models into FIL in a different precision (#4839) @canonizer
- #4783 Added nan_euclidean distance metric to pairwise_distances (#4797) @Sreekiran096
PowerTransformer
,QuantileTransformer
andKernelCenterer
(#4755) @viclafargue- Add "median" to TargetEncoder (#4722) @daxiongshu
- New Feature StratifiedKFold (#3109) @daxiongshu
π οΈ Improvements
- Update cuda-python dependency to 11.7.1 (#4948) @shwina
- Updating python to use pylibraft (#4887) @cjnolet
- Upgrade Treelite to 3.0.0 (#4885) @hcho3
- Statically link all CUDA toolkit libraries (#4881) @trxcllnt
- approximate_predict function for HDBSCAN (#4872) @tarang-jain
- Pin
dask
anddistributed
for release (#4859) @galipremsagar - Remove Raft deprecated headers (#4858) @lowener
- Fix forward-merge conflicts (#4857) @ajschmidt8
- Update the NVTX bench helper for the new nsys utility (#4826) @viclafargue
- All points membership vector for HDBSCAN (#4800) @tarang-jain
- TSNE and UMAP allow several distance types (#4779) @tarang-jain
- Convert fp32 datasets to fp64 in ARIMA and AutoARIMA + update notebook to avoid deprecation warnings with positional parameters (#4195) @Nyrio
v22.10.00
π Bug Fixes
- Skipping some hdbscan tests when cuda version is <= 11.2. (#4916) @cjnolet
- Fix HDBSCAN python namespace (#4895) @cjnolet
- Cupy 11 fixes (#4889) @dantegd
- Fix small fp precision failure in linear regression doctest test (#4884) @lowener
- Remove unused cuDF imports (#4873) @beckernick
- Update for thrust 1.17 and fixes to accommodate for cuDF Buffer refactor (#4871) @dantegd
- Use rapids-cmake 22.10 best practice for RAPIDS.cmake location (#4862) @robertmaynard
- Patch for nightly test&bench (#4840) @viclafargue
- Fixed Large memory requirements for SimpleImputer strategy median #4794 (#4817) @erikrene
- Transforms RandomForest estimators non-consecutive labels to consecutive labels where appropriate (#4780) @VamsiTallam95
π Documentation
- Document that minimum required CMake version is now 3.23.1 (#4899) @robertmaynard
- Update KMeans notebook for clarity (#4886) @beckernick
π New Features
- Allow cupy 11 (#4880) @galipremsagar
- Add
sample_weight
to Coordinate Descent solver (Lasso and ElasticNet) (#4867) @lowener - Import treelite models into FIL in a different precision (#4839) @canonizer
- #4783 Added nan_euclidean distance metric to pairwise_distances (#4797) @Sreekiran096
PowerTransformer
,QuantileTransformer
andKernelCenterer
(#4755) @viclafargue- Add "median" to TargetEncoder (#4722) @daxiongshu
- New Feature StratifiedKFold (#3109) @daxiongshu
π οΈ Improvements
- Updating python to use pylibraft (#4887) @cjnolet
- Upgrade Treelite to 3.0.0 (#4885) @hcho3
- Statically link all CUDA toolkit libraries (#4881) @trxcllnt
- approximate_predict function for HDBSCAN (#4872) @tarang-jain
- Pin
dask
anddistributed
for release (#4859) @galipremsagar - Remove Raft deprecated headers (#4858) @lowener
- Fix forward-merge conflicts (#4857) @ajschmidt8
- Update the NVTX bench helper for the new nsys utility (#4826) @viclafargue
- All points membership vector for HDBSCAN (#4800) @tarang-jain
- TSNE and UMAP allow several distance types (#4779) @tarang-jain
- Convert fp32 datasets to fp64 in ARIMA and AutoARIMA + update notebook to avoid deprecation warnings with positional parameters (#4195) @Nyrio
[NIGHTLY] v22.12.00
π Links
π¨ Breaking Changes
- Change docs theme to
pydata-sphinx
theme (#4985) @galipremsagar - Remove "Open In Colab" link from Estimator Intro notebook. (#4980) @bdice
- Remove
CumlArray.copy()
(#4958) @madsbk
π Bug Fixes
- Backport "Don't initialize CUDA context if RAPIDS_NO_INITIALIZE env variable is set" (#5069) @dantegd
- Remove cupy.cusparse custom serialization (#5024) @dantegd
- Restore
LinearRegression
documentation (#5020) @viclafargue - Don't use CMake 3.25.0 as it has a FindCUDAToolkit show stopping bug (#5007) @robertmaynard
- verifying cusparse wrapper revert passes CI (#4990) @cjnolet
- Use rapdsi_cpm_find(COMPONENTS ) for proper component tracking (#4989) @robertmaynard
- Fix integer overflow in AutoARIMA due to bool-to-int cub scan (#4971) @Nyrio
- Add missing includes (#4947) @vyasr
- Fix the CMake option for disabling deprecation warnings. (#4946) @vyasr
- Make doctest resilient to changes in cupy reprs (#4945) @vyasr
- Assign python/ sub-directory to python-codeowners (#4940) @csadorf
- Fix for non-contiguous strides (#4736) @viclafargue
π Documentation
- Change docs theme to
pydata-sphinx
theme (#4985) @galipremsagar - Remove "Open In Colab" link from Estimator Intro notebook. (#4980) @bdice
- Updating build instructions (#4979) @cjnolet
π New Features
- Reenable copy_prs. (#5010) @vyasr
- Add wheel builds (#5009) @vyasr
- LinearRegression: add support for multiple targets (#4988) @ahendriksen
- CPU/GPU interoperability POC (#4874) @viclafargue
π οΈ Improvements
- Upgrade Treelite to 3.0.1 (#5018) @hcho3
- fix addition of nan_euclidean_distances to public api (#5015) @mattf
- Fixing raft pin to 22.12 (#5000) @cjnolet
- Pin
dask
anddistributed
for release (#4999) @galipremsagar - Update
dask
nightly install command in CI (#4978) @galipremsagar - Improve error message for array_equal asserts. (#4973) @csadorf
- Use new rapids-cmake functionality for rpath handling. (#4966) @vyasr
- Impl.
CumlArray.deserialize()
(#4965) @madsbk - Update
cuda-python
dependency to 11.7.1 (#4961) @galipremsagar - Add check for nsys utility version in the
nvtx_benchmarks.py
script (#4959) @viclafargue - Remove
CumlArray.copy()
(#4958) @madsbk - Implement hypothesis-based tests for linear models (#4952) @csadorf
- Switch to using rapids-cmake for gbench. (#4950) @vyasr
- Remove stale labeler (#4949) @raydouglass
- Fix url in python/setup.py setuptools metadata. (#4937) @csadorf
- Updates to fix cuml build (#4928) @cjnolet
- Documenting hdbscan module to add prediction functions (#4925) @cjnolet
- Unpin
dask
anddistributed
for development (#4912) @galipremsagar - Use KMeans from Raft (#4713) @lowener
- Update cuml raft header extensions (#4599) @cjnolet
- Reconciling primitives moved to RAFT (#4583) @cjnolet
v22.08.00
π¨ Breaking Changes
- Update Python build to scikit-build (#4818) @dantegd
- Bump
xgboost
to1.6.0
from1.5.2
(#4777) @galipremsagar
π Bug Fixes
- Revert "Allow CuPy 11" (#4847) @galipremsagar
- Fix RAFT_NVTX option not set (#4825) @achirkin
- Fix KNN error message. (#4782) @trivialfis
- Update raft pinnings in dev yml files (#4778) @galipremsagar
- Bump
xgboost
to1.6.0
from1.5.2
(#4777) @galipremsagar - Fixes exception when using predict_proba on fitted Pipeline object with a ColumnTransformer step (#4774) @VamsiTallam95
- Regression errors failing with mixed data type combinations (#4770) @shaswat-indian
π Documentation
- Use common code in python docs and defer
js
loading (#4852) @galipremsagar - Centralize common css & js code in docs (#4844) @galipremsagar
- Add ComplementNB to the documentation (#4805) @lowener
- Fix forward-merge branch-22.06 to branch-22.08 (#4789) @divyegala
π New Features
- Update Python build to scikit-build (#4818) @dantegd
- Vectorizers to accept Pandas Series as input (#4811) @shaswat-indian
- Cython wrapper for v-measure (#4785) @shaswat-indian
π οΈ Improvements
- Pin
dask
&distributed
for release (#4850) @galipremsagar - Allow CuPy 11 (#4837) @jakirkham
- Remove duplicate adj_to_csr implementation (#4829) @ahendriksen
- Update conda environment files to UCX 1.13.0 (#4813) @pentschev
- Update conda recipes to UCX 1.13.0 (#4809) @pentschev
- Fix #3414: remove naive versions dbscan algorithms (#4804) @ahendriksen
- Accelerate adjacency matrix to CSR conversion for DBSCAN (#4803) @ahendriksen
- Pin max version of
cuda-python
to11.7.0
(#4793) @Ethyling - Allow cosine distance metric in dbscan (#4776) @tarang-jain
- Unpin
dask
&distributed
for development (#4771) @galipremsagar - Clean up Thrust includes. (#4675) @bdice
- Improvements in feature sampling (#4278) @vinaydes
[NIGHTLY] v22.10.00
π Links
π Bug Fixes
- Skipping some hdbscan tests when cuda version is <= 11.2. (#4916) @cjnolet
- Fix HDBSCAN python namespace (#4895) @cjnolet
- Cupy 11 fixes (#4889) @dantegd
- Fix small fp precision failure in linear regression doctest test (#4884) @lowener
- Remove unused cuDF imports (#4873) @beckernick
- Update for thrust 1.17 and fixes to accommodate for cuDF Buffer refactor (#4871) @dantegd
- Use rapids-cmake 22.10 best practice for RAPIDS.cmake location (#4862) @robertmaynard
- Patch for nightly test&bench (#4840) @viclafargue
- Fixed Large memory requirements for SimpleImputer strategy median #4794 (#4817) @erikrene
- Transforms RandomForest estimators non-consecutive labels to consecutive labels where appropriate (#4780) @VamsiTallam95
π Documentation
- Document that minimum required CMake version is now 3.23.1 (#4899) @robertmaynard
- Update KMeans notebook for clarity (#4886) @beckernick
π New Features
- Allow cupy 11 (#4880) @galipremsagar
- Add
sample_weight
to Coordinate Descent solver (Lasso and ElasticNet) (#4867) @lowener - Import treelite models into FIL in a different precision (#4839) @canonizer
- #4783 Added nan_euclidean distance metric to pairwise_distances (#4797) @SreekiranprasadV
PowerTransformer
,QuantileTransformer
andKernelCenterer
(#4755) @viclafargue- Add "median" to TargetEncoder (#4722) @daxiongshu
- New Feature StratifiedKFold (#3109) @daxiongshu
π οΈ Improvements
- Update cuda-python dependency to 11.7.1 (#4948) @shwina
- Updating python to use pylibraft (#4887) @cjnolet
- Upgrade Treelite to 3.0.0 (#4885) @hcho3
- Statically link all CUDA toolkit libraries (#4881) @trxcllnt
- approximate_predict function for HDBSCAN (#4872) @tarang-jain
- Pin
dask
anddistributed
for release (#4859) @galipremsagar - Remove Raft deprecated headers (#4858) @lowener
- Fix forward-merge conflicts (#4857) @ajschmidt8
- Update the NVTX bench helper for the new nsys utility (#4826) @viclafargue
- All points membership vector for HDBSCAN (#4800) @tarang-jain
- TSNE and UMAP allow several distance types (#4779) @tarang-jain
- Convert fp32 datasets to fp64 in ARIMA and AutoARIMA + update notebook to avoid deprecation warnings with positional parameters (#4195) @Nyrio
v22.06.01
v22.06.00
π Bug Fixes
- Fix sg benchmark build. (#4766) @trivialfis
- Resolve KRR hypothesis test failure (#4761) @RAMitchell
- Fix
KBinsDiscretizer
bin_edges_
(#4735) @viclafargue - FIX Accept small floats in RandomForest (#4717) @thomasjpfan
- Remove import of
scalar_broadcast_to
from stemmer (#4706) @viclafargue - Replace 22.04.x with 22.06.x in yaml files (#4692) @daxiongshu
- Replace cudf.logical_not with ~ (#4669) @canonizer
π Documentation
- Fix docs builds (#4733) @ajschmidt8
- Change "principals" to "principles" (#4695) @cakiki
- Update pydoc and promote
ColumnTransformer
out of experimental (#4509) @viclafargue
π New Features
- float64 support in FIL functions (#4655) @canonizer
- float64 support in FIL core (#4646) @canonizer
- Allow "LabelEncoder" to accept cupy and numpy arrays as input. (#4620) @daxiongshu
- MNMG Logistic Regression (dask-glm wrapper) (#3512) @daxiongshu
π οΈ Improvements
- Pin
dask
&distributed
for release (#4758) @galipremsagar - Simplicial set functions (#4756) @viclafargue
- Upgrade Treelite to 2.4.0 (#4752) @hcho3
- Simplify recipes (#4749) @Ethyling
- Inference for float64 random forests using FIL (#4739) @canonizer
- MNT Removes unused optim_batch_size from UMAP's docstring (#4732) @thomasjpfan
- Require UCX 1.12.1+ (#4720) @jakirkham
- Allow enabling raft NVTX markers when raft is installed (#4718) @achirkin
- Fix identifier collision (#4716) @viclafargue
- Use raft::span in TreeExplainer (#4714) @hcho3
- Expose simplicial set functions (#4711) @viclafargue
- Refactor
tests
incuml
(#4703) @galipremsagar - Use conda to build python packages during GPU tests (#4702) @Ethyling
- Update pinning to allow newer CMake versions. (#4698) @vyasr
- TreeExplainer extensions (#4697) @RAMitchell
- Add sample_weight for Ridge (#4696) @lowener
- Unpin
dask
&distributed
for development (#4693) @galipremsagar - float64 support in treelite->FIL import and Python layer (#4690) @canonizer
- Enable building static libs (#4673) @trxcllnt
- Treeshap hypothesis tests (#4671) @RAMitchell
- float64 support in multi-sum and child_index() (#4648) @canonizer
- Add libcuml-tests package (#4635) @Ethyling
- Random ball cover algorithm for 3D data (#4582) @cjnolet
- Use conda compilers (#4577) @Ethyling
- Build packages using mambabuild (#4542) @Ethyling
v22.04.00
π¨ Breaking Changes
- Moving more ling prims to raft (#4567) @cjnolet
- Refactor QN solver: pass parameters via a POD struct (#4511) @achirkin
π Bug Fixes
- Fix single-GPU build by separating multi-GPU decomposition utils from single GPU (#4645) @dantegd
- RF: fix stream bug causing performance regressions (#4644) @venkywonka
- XFail test_hinge_loss temporarily (#4621) @lowener
- cuml now supports building non static treelite (#4598) @robertmaynard
- Fix mean_squared_error with cudf series (#4584) @daxiongshu
- Fix for nightly CI tests: Use CUDA_REL variable in gpu build.sh script (#4581) @dantegd
- Fix the TargetEncoder when transforming dataframe/series with custom index (#4578) @daxiongshu
- Removing sign from pca assertions for now. (#4559) @cjnolet
- Fix compatibility of OneHotEncoder fit (#4544) @lowener
- Fix worker streams in OLS-eig executing in an unsafe order (#4539) @achirkin
- Remove xfail from test_hinge_loss (#4504) @Nanthini10
- Fix automerge #4501 (#4502) @dantegd
- Remove classmethod of SimpleImputer (#4439) @lowener
π Documentation
- RF: Fix improper documentation in dask-RF (#4666) @venkywonka
- Add doctest (#4618) @lowener
- Fix document layouts in Parameters sections (#4609) @Yosshi999
- Updates to consistency of MNMG PCA/TSVD solvers (docs + code consolidation) (#4556) @cjnolet
π New Features
- Add a dummy argument
deep
toTargetEncoder.get_params()
(#4601) @daxiongshu - Add Complement Naive Bayes (#4595) @lowener
- Add get_params() to TargetEncoder (#4588) @daxiongshu
- Target Encoder with variance statistics (#4483) @daxiongshu
- Interruptible execution (#4463) @achirkin
- Configurable libcuml++ per algorithm (#4296) @dantegd
π οΈ Improvements
- Adding some prints when hdbscan assertion fails (#4656) @cjnolet
- Temporarily disable new
ops-bot
functionality (#4652) @ajschmidt8 - Use CPMFindPackage to retrieve
cumlprims_mg
(#4649) @trxcllnt - Pin
dask
&distributed
versions (#4647) @galipremsagar - Remove RAFT MM includes (#4637) @viclafargue
- Add option to build RAFT artifacts statically into libcuml++ (#4633) @dantegd
- Upgrade
dask
&distributed
minimum version (#4632) @galipremsagar - Add
.github/ops-bot.yaml
config file (#4630) @ajschmidt8 - Small fixes for certain test failures (#4628) @vinaydes
- Templatizing FIL types to add float64 support (#4625) @canonizer
- Fitsne as default tsne method (#4597) @lowener
- Add
get_feature_names
to OneHotEncoder (#4596) @viclafargue - Fix OOM and cudaContext crash in C++ benchmarks (#4594) @RAMitchell
- Using Pyraft and automatically cloning when raft pin changes (#4593) @cjnolet
- Upgrade Treelite to 2.3.0 (#4590) @hcho3
- Sphinx warnings as errors (#4585) @RAMitchell
- Adding missing FAISS license (#4579) @cjnolet
- Add QN solver to ElasticNet and Lasso models (#4576) @achirkin
- Move remaining stats prims to raft (#4568) @cjnolet
- Moving more ling prims to raft (#4567) @cjnolet
- Adding libraft conda dependencies (#4564) @cjnolet
- Fix RF integer overflow (#4563) @RAMitchell
- Add CMake
install
rules for tests (#4551) @ajschmidt8 - Faster GLM preprocessing by fusing kernels (#4549) @achirkin
- RAFT API updates for lap, label, cluster, and spectral apis (#4548) @cjnolet
- Moving cusparse wrappers to detail API in RAFT. (#4547) @cjnolet
- Unpin max
dask
anddistributed
versions (#4546) @galipremsagar - Kernel density estimation (#4545) @RAMitchell
- Update
xgboost
version in CI (#4541) @ajschmidt8 - replaces
ccache
withsccache
(#4534) @AyodeAwe - Remove RAFT memory management (2/2) (#4526) @viclafargue
- Updating RAFT linalg headers (#4515) @divyegala
- Refactor QN solver: pass parameters via a POD struct (#4511) @achirkin
- Kernel ridge regression (#4492) @RAMitchell
- QN solvers: Use different gradient norms for different for different loss functions. (#4491) @achirkin
- RF: Variable binning and other minor refactoring (#4479) @venkywonka
- Rewrite CD solver using more BLAS (#4446) @achirkin
- Add support for sample_weights in LinearRegression (#4428) @lowener
- Nightly automated benchmark (#4414) @viclafargue
- Use FAISS with RMM (#4297) @viclafargue
- Split C++ tests into separate binaries (#4295) @dantegd
v22.02.00
π¨ Breaking Changes
π Bug Fixes
- Always upload libcuml (#4530) @raydouglass
- Fix RAFT pin to main branch (#4508) @dantegd
- Pin
dask
&distributed
(#4505) @galipremsagar - Replace use of RMM provided CUDA bindings with CUDA Python (#4499) @shwina
- Dataframe Index as columns in ColumnTransformer (#4481) @viclafargue
- Support compilation with Thrust 1.15 (#4469) @robertmaynard
- fix minor ASAN issues in UMAPAlgo::Optimize::find_params_ab() (#4405) @yitao-li
π Documentation
- Remove comment numerical warning (#4408) @viclafargue
- Fix docstring for npermutations in PermutationExplainer (#4402) @hcho3
π New Features
- Combine and expose SVC's support vectors when fitting multi-class data (#4454) @NV-jpt
- Accept fold index for TargetEncoder (#4453) @daxiongshu
- Move NVTX range helpers to raft (#4445) @achirkin
π οΈ Improvements
- Fix packages upload (#4517) @Ethyling
- Testing split fused l2 knn compilation units (#4514) @cjnolet
- Prepare upload scripts for Python 3.7 removal (#4500) @Ethyling
- Renaming macros with their RAFT counterparts (#4496) @divyegala
- Allow CuPy 10 (#4487) @jakirkham
- Upgrade Treelite to 2.2.1 (#4484) @hcho3
- Unpin
dask
anddistributed
(#4482) @galipremsagar - Support categorical splits in in TreeExplainer (#4473) @hcho3
- Remove RAFT memory management (#4468) @viclafargue
- Add missing imports tests (#4452) @Ethyling
- Update CUDA 11.5 conda environment to use 22.02 pinnings. (#4450) @bdice
- Support cuML / scikit-learn RF classifiers in TreeExplainer (#4447) @hcho3
- Remove
IncludeCategories
from.clang-format
(#4438) @codereport - Simplify perplexity normalization in t-SNE (#4425) @zbjornson
- Unify dense and sparse tests (#4417) @levsnv
- Update ucx-py version on release using rvc (#4411) @Ethyling
- Universal Treelite tree walk function for FIL (#4407) @levsnv
- Update to UCX-Py 0.24 (#4396) @pentschev
- Using sparse public API functions from RAFT (#4389) @cjnolet
- Add a warning to prefer LinearSVM over SVM(kernel='linear') (#4382) @achirkin
- Hiding cusparse deprecation warnings (#4373) @cjnolet
- Unify dense and sparse import in FIL (#4328) @levsnv
- Integrating RAFT handle updates (#4313) @divyegala
- Use RAFT template instantations for distances (#4302) @cjnolet
- RF: code re-organization to enhance build parallelism (#4299) @venkywonka
- Add option to build faiss and treelite shared libs, inherit common dependencies from raft (#4256) @trxcllnt