cuml

cuML - RAPIDS Machine Learning Library

APACHE-2.0 License

Downloads
4.1K
Stars
3.9K
Committers
147

Bot releases are hidden (Show)

cuml - v24.04.00 Latest Release

Published by raydouglass 6 months ago

🐛 Bug Fixes

  • Update pre-commit-hooks to v0.0.3 (#5816) @KyleFromNVIDIA
  • Correct and adjust tolerances of mnmg logreg pytests (#5812) @dantegd
  • Remove use of cudf.core.column.full. (#5794) @bdice
  • Suppress all HealthChecks on test_split_datasets. (#5791) @bdice
  • Suppress a hypothesis HealthCheck on test_split_datasets that fails in nightly CI. (#5790) @bdice
  • [BUG] Fix MAX_THREADS_PER_SM on sm 89. (#5785) @trivialfis
  • fix device to host copy not sync stream in logistic regression mg (#5766) @lijinf2
  • Use cudf.Index instead of cudf.GenericIndex. (#5738) @bdice
  • update RAPIDS dependencies to 24.4, refactor dependencies.yaml (#5726) @jameslamb

🚀 New Features

  • Support CUDA 12.2 (#5711) @jameslamb

🛠️ Improvements

  • Use conda env create --yes instead of --force (#5822) @bdice
  • Bump Treelite to 4.1.2 (#5814) @hcho3
  • Support standardization for sparse vectors in logistic regression MG (#5806) @lijinf2
  • Update script input name (#5802) @AyodeAwe
  • Add upper bound to prevent usage of NumPy 2 (#5797) @bdice
  • Enable pytest failures on warnings from cudf (#5796) @mroeschke
  • Use public cudf APIs where possible (#5795) @mroeschke
  • Remove hard-coding of RAPIDS version where possible (#5793) @KyleFromNVIDIA
  • Switch pytest-xdist algorithm to worksteal (#5792) @bdice
  • Automate C++ include file grouping and ordering using clang-format (#5787) @harrism
  • Add support for Python 3.11, require NumPy 1.23+ (#5786) @jameslamb
  • [ENH] Let cuDF handle input types for label encoder. (#5783) @trivialfis
  • Install test dependencies at the same time as cuml packages. (#5781) @bdice
  • Update devcontainers to CUDA Toolkit 12.2 (#5778) @trxcllnt
  • target branch-24.04 for GitHub Actions workflows (#5776) @jameslamb
  • Add environment-agnostic scripts for running ctests and pytests (#5761) @trxcllnt
  • Pandas 2.x support (#5758) @dantegd
  • Update ops-bot.yaml (#5752) @AyodeAwe
  • Forward-merge branch-24.02 to branch-24.04 (#5735) @bdice
  • Replace local copyright check with pre-commit-hooks verify-copyright (#5732) @KyleFromNVIDIA
  • DBSCAN utilize rbc eps_neighbors (#5728) @mfoerste4
cuml - v24.02.00

Published by raydouglass 8 months ago

🚨 Breaking Changes

  • Update to CCCL 2.2.0. (#5702) @bdice
  • Switch to scikit-build-core (#5693) @vyasr

🐛 Bug Fixes

  • [Hotfix] Fix FIL gtest (#5755) @hcho3
  • Exclude tests from builds (#5754) @vyasr
  • Fix ctest directory to ensure tests are executed (#5753) @bdice
  • Synchronize stream in SVC memory test (#5729) @wphicks
  • Fix shared-workflows repo name (#5723) @raydouglass
  • Fix cupy dependency in pyproject.toml (#5705) @vyasr
  • Only cufft offers a static_nocallback version of the library (#5703) @robertmaynard

🛠️ Improvements

  • [Hotfix] Update GPUTreeSHAP to fix ARM build (#5747) @hcho3
  • Disable HistGradientBoosting support for now (#5744) @hcho3
  • Disable hnswlib feature in RAFT; pin pytest (#5733) @hcho3
  • [LogisticRegressionMG] Support standardization with no data modification (#5724) @lijinf2
  • Remove usages of rapids-env-update (#5716) @KyleFromNVIDIA
  • Remove extraneous SKBUILD_BUILD_OPTIONS (#5714) @vyasr
  • refactor CUDA versions in dependencies.yaml (#5712) @jameslamb
  • Update to CCCL 2.2.0. (#5702) @bdice
  • Migrate to Treelite 4.0 (#5701) @hcho3
  • Use cuda::proclaim_return_type on device lambdas. (#5696) @bdice
  • move _process_generic to base_return_types, avoid circular import (#5695) @dcolinmorgan
  • Switch to scikit-build-core (#5693) @vyasr
  • Fix all deprecated function calls in TUs where warnings are errors (#5692) @vyasr
  • Remove CUML_BUILD_WHEELS and standardize Python builds (#5689) @vyasr
  • Forward-merge branch-23.12 to branch-24.02 (#5657) @bdice
  • Add cuML devcontainers (#5568) @trxcllnt
cuml - v23.12.00

Published by raydouglass 11 months ago

🚨 Breaking Changes

  • [LogisticRegressionMG] Support sparse vectors (#5632) @lijinf2

🐛 Bug Fixes

  • Update actions/labeler to v4 (#5686) @raydouglass
  • updated docs around make_column_transformer change from .preprocessing to .compose (#5680) @taureandyernv
  • Skip dask pytest NN hang in CUDA 11.4 CI (#5665) @dantegd
  • Avoid hard import of sklearn in base module. (#5663) @csadorf
  • CI: Pin clang-tidy to 15.0.7. (#5661) @csadorf
  • Adjust assumption regarding valid cudf.Series dimensional input. (#5654) @csadorf
  • Flatten cupy array before feeding to cudf.Series (#5651) @vyasr
  • CI: Fix expected ValueError and dask-glm incompatibility (#5644) @csadorf
  • Use drop_duplicates instead of unique for cudf's pandas compatibility mode (#5639) @vyasr
  • Temporarily avoid pydata-sphinx-theme version 0.14.2. (#5629) @csadorf
  • Fix type hint in split function. (#5625) @trivialfis
  • Fix trying to get pointer to None in svm/linear.pyx (#5615) @yosider
  • Reduce parallelism to avoid OOMs in wheel tests (#5611) @vyasr

📖 Documentation

  • Update interoperability docs (#5633) @beckernick
  • Update instructions for creating a conda build environment (#5628) @csadorf

🚀 New Features

  • Basic implementation of OrdinalEncoder. (#5646) @trivialfis

🛠️ Improvements

  • Build concurrency for nightly and merge triggers (#5658) @bdice
  • [LogisticRegressionMG][FEA] Support training when dataset contains only one class (#5655) @lijinf2
  • Use new rapids-dask-dependency metapackage for managing dask versions (#5649) @galipremsagar
  • Simplify some logic in LabelEncoder (#5648) @vyasr
  • Increase Nanny close timeout in LocalCUDACluster tests (#5636) @pentschev
  • [LogisticRegressionMG] Support sparse vectors (#5632) @lijinf2
  • Add rich HTML representation to estimators (#5630) @betatim
  • Unpin dask and distributed for 23.12 development (#5627) @galipremsagar
  • Update shared-action-workflows references (#5621) @AyodeAwe
  • Use branch-23.12 workflows. (#5618) @bdice
  • Update rapids-cmake functions to non-deprecated signatures (#5616) @robertmaynard
  • Allow nightly dependencies and set up consistent nightly versions for conda and pip packages (#5607) @vyasr
  • Forward-merge branch-23.10 to branch-23.12 (#5596) @bdice
  • Build CUDA 12.0 ARM conda packages. (#5595) @bdice
  • Enable multiclass svm for sparse input (#5588) @mfoerste4
cuml - v23.10.00

Published by raydouglass about 1 year ago

🚨 Breaking Changes

  • add sample_weight parameter to dbscan.fit (#5574) @mfoerste4
  • Update to Cython 3.0.0 (#5506) @vyasr

🐛 Bug Fixes

  • Fix accidental unsafe cupy import (#5613) @dantegd
  • Fixes for CPU package (#5599) @dantegd
  • Fixes for timeouts in tests (#5598) @dantegd

🚀 New Features

  • Enable cuml-cpu nightly (#5585) @dantegd
  • add sample_weight parameter to dbscan.fit (#5574) @mfoerste4

🛠️ Improvements

  • cuml-cpu notebook, docs and cluster models (#5597) @dantegd
  • Pin dask and distributed for 23.10 release (#5592) @galipremsagar
  • Add changes for early experimental support for dataframe interchange protocol API (#5591) @dantegd
  • [FEA] Support L1 regularization and ElasticNet in MNMG Dask LogisticRegression (#5587) @lijinf2
  • Update image names (#5586) @AyodeAwe
  • Update to clang 16.0.6. (#5583) @bdice
  • Upgrade to Treelite 3.9.1 (#5581) @hcho3
  • Update to doxygen 1.9.1. (#5580) @bdice
  • [REVIEW] Adding a few of datasets for benchmarking (#5573) @vinaydes
  • Allow cuML MNMG estimators to be serialized (#5571) @viclafargue
  • [FEA] Support multiple classes in multi-node-multi-gpu logistic regression, from C++, Cython, to Dask Python class (#5565) @lijinf2
  • Use copy-pr-bot (#5563) @ajschmidt8
  • Unblock CI for branch-23.10 (#5561) @csadorf
  • Fix CPU-only build for new FIL (#5559) @hcho3
  • [FEA] Support no regularization in MNMG LogisticRegression (#5558) @lijinf2
  • Unpin dask and distributed for 23.10 development (#5557) @galipremsagar
  • Branch 23.10 merge 23.08 (#5547) @vyasr
  • Use Python builtins to prep benchmark tmp_dir (#5537) @jakirkham
  • Branch 23.10 merge 23.08 (#5522) @vyasr
  • Update to Cython 3.0.0 (#5506) @vyasr
cuml - v23.08.00

Published by raydouglass about 1 year ago

🚨 Breaking Changes

  • Stop using setup.py in build.sh (#5500) @vyasr
  • Add copy_X parameter to LinearRegression (#5495) @viclafargue

🐛 Bug Fixes

  • Update dependencies.yaml test_notebooks to include dask_ml (#5545) @taureandyernv
  • Fix cython-lint issues. (#5536) @bdice
  • Skip rf_memleak tests (#5529) @dantegd
  • Pin hdbscan to fix pytests in CI (#5515) @dantegd
  • Fix UMAP and simplicial set functions metric (#5490) @viclafargue
  • Fix test_masked_column_mode (#5480) @viclafargue
  • Use fit_predict rather than fit for KNeighborsClassifier and KNeighborsRegressor in benchmark utility (#5460) @beckernick
  • Modify HDBSCAN membership_vector batch_size check (#5455) @tarang-jain

🚀 New Features

  • Use rapids-cmake testing to run tests in parallel (#5487) @robertmaynard
  • [FEA] Update MST Reduction Op (#5386) @tarang-jain
  • cuml: Build CUDA 12 packages (#5318) @vyasr
  • CI: Add custom GitHub Actions job to run clang-tidy (#5235) @csadorf

🛠️ Improvements

  • Pin dask and distributed for 23.08 release (#5541) @galipremsagar
  • Remove Dockerfile. (#5534) @bdice
  • Improve temporary directory handling in cuML (#5527) @jakirkham
  • Support init arguments in MNMG LogisticRegression (#5519) @lijinf2
  • Support predict in MNMG Logistic Regression (#5516) @lijinf2
  • Remove unused matrix.cuh and math.cuh headers to eliminate deprecation warnings. (#5513) @bdice
  • Update gputreeshap to use rapids-cmake. (#5512) @bdice
  • Remove raft specializations includes. (#5509) @bdice
  • Revert CUDA 12.0 CI workflows to branch-23.08. (#5508) @bdice
  • Enable wheels CI scripts to run locally (#5507) @divyegala
  • Default to nproc for PARALLEL_LEVEL in build.sh. (#5505) @csadorf
  • Fixed potential overflows in SVM, minor adjustments to nvtx ranges (#5504) @mfoerste4
  • Stop using setup.py in build.sh (#5500) @vyasr
  • Fix PCA test (#5498) @viclafargue
  • Update build dependencies (#5496) @csadorf
  • Add copy_X parameter to LinearRegression (#5495) @viclafargue
  • Sparse pca patch (#5493) @Intron7
  • Restrict HDBSCAN metric options to L2 #5415 (#5492) @Rvch7
  • Fix typos. (#5481) @bdice
  • Add multi-node-multi-gpu Logistic Regression in C++ (#5477) @lijinf2
  • Add missing stream argument to cub calls in workingset (#5476) @mfoerste4
  • Update to CMake 3.26.4 (#5464) @vyasr
  • use rapids-upload-docs script (#5457) @AyodeAwe
  • Unpin dask and distributed for development (#5452) @galipremsagar
  • Remove documentation build scripts for Jenkins (#5450) @ajschmidt8
  • Fix update version and pinnings for 23.08. (#5440) @bdice
  • Add cython-lint configuration. (#5439) @bdice
  • Unpin scikit-build upper bound (#5438) @vyasr
  • Fix some deprecation warnings in tests. (#5436) @bdice
  • Update raft::sparse::distance::pairwise_distance to new API (#5428) @divyegala
cuml - v23.06.00

Published by raydouglass over 1 year ago

🚨 Breaking Changes

  • Dropping Python 3.8 (#5385) @divyegala
  • Support sparse input for SVC and SVR (#5273) @mfoerste4

🐛 Bug Fixes

  • Fix for umap-pytest issue in Rocky8 and wheels in GHA nightly tests (#5458) @dantegd
  • Fixes for nightly GHA runs (#5446) @dantegd
  • Add missing RAFT cusolver_macros import and changes for recent cuDF updates (#5434) @dantegd
  • Fix kmeans pytest to correctly compute fp output error (#5426) @mdoijade
  • Add missing raft/matrix/matrix.cuh include (#5411) @benfred
  • Fix path to cumlprims_mg in build workflow (#5406) @divyegala
  • Fix path to cumlprims in build workflow (#5405) @vyasr
  • Pin to scikit-build<17.2 (#5400) @vyasr
  • Fix forward merge #5383 (#5384) @dantegd
  • Correct buffer move assignment in experimental FIL (#5372) @wphicks
  • Avoid invalid memory access in experimental FIL for large output size (#5365) @wphicks
  • Fix forward merge #5336 (#5345) @dantegd

📖 Documentation

  • Fix HDBSCAN docs and add membership_vector to cuml.cluster.hdbscan namespace (#5378) @beckernick
  • Small doc fix (#5375) @tarang-jain

🚀 New Features

  • Provide method for auto-optimization of FIL parameters (#5368) @wphicks

🛠️ Improvements

  • Fix documentation source code links (#5449) @ajschmidt8
  • Drop seaborn dependency. (#5437) @bdice
  • Make all nvtx usage go through safe imports (#5424) @dantegd
  • run docs nightly too (#5423) @AyodeAwe
  • Switch back to using primary shared-action-workflows branch (#5420) @vyasr
  • Add librmm to libcuml dependencies. (#5410) @bdice
  • Update recipes to GTest version >=1.13.0 (#5408) @bdice
  • Remove cudf from libcuml meta.yaml (#5407) @divyegala
  • Support CUDA 12.0 for pip wheels (#5404) @divyegala
  • Support for gtest 1.11+ changes (#5403) @dantegd
  • Update cupy dependency (#5401) @vyasr
  • Build wheels using new single image workflow (#5394) @vyasr
  • Revert shared-action-workflows pin (#5391) @divyegala
  • Fix logic for concatenating Treelite objects (#5387) @hcho3
  • Dropping Python 3.8 (#5385) @divyegala
  • Remove usage of rapids-get-rapids-version-from-git (#5379) @jjacobelli
  • [ENH] Add missing includes of rmm/mr/device/per_device_resource.hpp (#5369) @ahendriksen
  • Remove wheel pytest verbosity (#5367) @sevagh
  • support parameter 'class_weight' and method 'decision_function' in LinearSVC (#5364) @mfoerste4
  • Update clang-format to 16.0.1. (#5361) @bdice
  • Implement apply() in FIL (#5358) @hcho3
  • Use ARC V2 self-hosted runners for GPU jobs (#5356) @jjacobelli
  • Try running silhouette test (#5353) @vyasr
  • Remove uses-setup-env-vars (#5344) @vyasr
  • Resolve auto-merger conflicts between branch-23.04 & branch-23.06 (#5340) @galipremsagar
  • Solve merge conflict of PR #5327 (#5329) @dantegd
  • Branch 23.06 merge 23.04 (#5315) @vyasr
  • Support sparse input for SVC and SVR (#5273) @mfoerste4
  • Delete outdated versions.json. (#5229) @bdice
cuml - v23.04.00

Published by raydouglass over 1 year ago

🚨 Breaking Changes

  • Pin dask and distributed for release (#5333) @galipremsagar

🐛 Bug Fixes

  • Skip pickle notebook during nbsphinx (#5342) @dantegd
  • Avoid race condition in FIL predict_per_tree (#5334) @wphicks
  • Ensure experimental FIL shmem usage is below device limits (#5326) @wphicks
  • Update cuda architectures for threads per sm restriction (#5323) @wphicks
  • Run experimental FIL tests in CI (#5316) @wphicks
  • Run memory leak pytests without parallelism to avoid sporadic test failures (#5313) @dantegd
  • Update cupy version for pip wheels (#5311) @dantegd
  • Fix for raising attributeerors erroneously for ipython methods (#5299) @dantegd
  • Fix cuml local cpp docs build (#5297) @galipremsagar
  • Don't run dask tests twice when testing wheels (#5279) @benfred
  • Remove MANIFEST.in use auto-generated one for sdists and package_data for wheels (#5278) @vyasr
  • Removing remaining include of raft/distance/distance_type.hpp (#5264) @cjnolet
  • Enable hypothesis testing for nightly test runs. (#5244) @csadorf
  • Support numeric, boolean, and string keyword arguments to class methods during CPU dispatching (#5236) @beckernick
  • Allowing large data in kmeans (#5228) @cjnolet

📖 Documentation

  • Fix docs build to be pydata-sphinx-theme=0.13.0 compatible (#5259) @galipremsagar
  • Add supported CPU/GPU operators to API docs and update docstrings (#5239) @beckernick
  • Fix documentation author (#5126) @bdice

🚀 New Features

  • Modify default batch size in HDBSCAN soft clustering (#5335) @tarang-jain
  • reduce memory pressure in membership vector computation (#5268) @tarang-jain
  • membership_vector for HDBSCAN (#5247) @tarang-jain
  • Provide FIL implementation for both CPU and GPU (#4890) @wphicks

🛠️ Improvements

  • Remove deprecated Treelite CI API from FIL (#5348) @hcho3
  • Updated forest inference to new dask worker api for 23.04 (#5347) @taureandyernv
  • Pin dask and distributed for release (#5333) @galipremsagar
  • Pin cupy in wheel tests to supported versions (#5312) @vyasr
  • Drop pickle5 (#5310) @jakirkham
  • Remove CUDA_CHECK macro (#5308) @hcho3
  • Revert faiss removal pinned tag (#5306) @cjnolet
  • Upgrade to Treelite 3.2.0 (#5304) @hcho3
  • Implement predict_per_tree() in FIL (#5303) @hcho3
  • remove faiss from cuml (#5293) @benfred
  • Stop setting package version attribute in wheels (#5285) @vyasr
  • Add libfaiss runtime dependency to libcuml. (#5284) @bdice
  • Move faiss_mr from raft (#5281) @benfred
  • Generate pyproject dependencies with dfg (#5275) @vyasr
  • Updating cuML to use consolidated RAFT libs (#5272) @cjnolet
  • Add codespell as a linter (#5265) @benfred
  • Pass AWS_SESSION_TOKEN and SCCACHE_S3_USE_SSL vars to conda build (#5263) @ajschmidt8
  • Update to GCC 11 (#5258) @bdice
  • Drop Python 3.7 handling for pickle protocol 4 (#5256) @jakirkham
  • Migrate as much as possible to pyproject.toml (#5251) @vyasr
  • Adapt to rapidsai/rmm#1221 which moves allocator callbacks (#5249) @wence-
  • Add dfg as a pre-commit hook. (#5246) @vyasr
  • Stop using versioneer to manage versions (#5245) @vyasr
  • Enhance cuML benchmark utility and refactor hdbscan import utilities (#5242) @beckernick
  • Fix GHA build workflow (#5241) @AjayThorve
  • Support innerproduct distance in the pairwise_distance API (#5230) @benfred
  • Enable hypothesis for 23.04 (#5221) @csadorf
  • Reduce error handling verbosity in CI tests scripts (#5219) @AjayThorve
  • Bump pinned pip wheel deps to 23.4 (#5217) @sevagh
  • Update shared workflow branches (#5215) @ajschmidt8
  • Unpin dask and distributed for development (#5209) @galipremsagar
  • Remove gpuCI scripts. (#5208) @bdice
  • Move date to build string in conda recipe (#5190) @ajschmidt8
  • Kernel shap improvements (#5187) @vinaydes
  • test out the raft bfknn replacement (#5186) @benfred
  • Forward merge 23.02 into 23.04 (#5182) @vyasr
  • Add detail namespace for linear models (#5107) @lowener
  • Add pre-commit configuration (#4983) @csadorf
cuml - v23.02.00

Published by raydouglass over 1 year ago

🚨 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 for RandomForestClassifier (#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 the Pipeline (#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 dask make_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 and distributed 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 from libcuml (#5175) @ajschmidt8
  • Update location of import_utils from common to internals 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 to tests (#5037) @vyasr
  • Support using CountVectorizer & TfidVectorizer in cuml.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
cuml - v22.12.00

Published by GPUtester almost 2 years ago

🚨 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

  • 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 and distributed 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 and distributed for development (#4912) @galipremsagar
  • Use KMeans from Raft (#4713) @lowener
  • Update cuml raft header extensions (#4599) @cjnolet
  • Reconciling primitives moved to RAFT (#4583) @cjnolet
cuml - v22.10.01

Published by GPUtester almost 2 years ago

🐛 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 and KernelCenterer (#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 and distributed 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
cuml - v22.10.00

Published by GPUtester about 2 years ago

🐛 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 and KernelCenterer (#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 and distributed 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
cuml - v22.08.00

Published by GPUtester about 2 years ago

🚨 Breaking Changes

  • Update Python build to scikit-build (#4818) @dantegd
  • Bump xgboost to 1.6.0 from 1.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 to 1.6.0 from 1.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 to 11.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
cuml - v22.06.01

Published by GPUtester over 2 years ago

v22.06.01

cuml - v22.06.00

Published by GPUtester over 2 years ago

🐛 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 in cuml (#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
cuml - v22.04.00

Published by GPUtester over 2 years ago

🚨 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 to TargetEncoder.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 and distributed versions (#4546) @galipremsagar
  • Kernel density estimation (#4545) @RAMitchell
  • Update xgboost version in CI (#4541) @ajschmidt8
  • replaces ccache with sccache (#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
cuml - v22.02.00

Published by GPUtester over 2 years ago

🚨 Breaking Changes

  • Move NVTX range helpers to raft (#4445) @achirkin

🐛 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 and distributed (#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
cuml - v21.12.00

Published by GPUtester almost 3 years ago

🚨 Breaking Changes

  • Fix indexing of PCA to use safer types (#4255) @lowener
  • RF: Add Gamma and Inverse Gaussian loss criteria (#4216) @venkywonka
  • update RF docs (#4138) @venkywonka

🐛 Bug Fixes

  • Update conda recipe to have explicit libcusolver (#4392) @dantegd
  • Restore FIL convention of inlining code (#4366) @levsnv
  • Fix SVR intercept AttributeError (#4358) @lowener
  • Fix is_stable_build logic for CI scripts (#4350) @ajschmidt8
  • Temporarily disable rmm devicebuffer in array.py (#4333) @dantegd
  • Fix categorical test in python (#4326) @levsnv
  • Revert "Merge pull request #4319 from AyodeAwe/branch-21.12" (#4325) @ajschmidt8
  • Preserve indexing in methods when applied to DataFrame and Series objects (#4317) @dantegd
  • Fix potential CUDA context poison when negative (invalid) categories provided to FIL model (#4314) @levsnv
  • Using sparse expanded distances where possible (#4310) @cjnolet
  • Fix for mean_squared_error (#4287) @viclafargue
  • Fix for Categorical Naive Bayes sparse handling (#4277) @lowener
  • Throw an explicit excpetion if the input array is empty in DBSCAN.fit #4273 (#4275) @viktorkovesd
  • Fix KernelExplainer returning TypeError for certain input (#4272) @Nanthini10
  • Remove most warnings from pytest suite (#4196) @dantegd

📖 Documentation

  • Add experimental GPUTreeSHAP to API doc (#4398) @hcho3
  • Fix GLM typo on device/host pointer (#4320) @lowener
  • update RF docs (#4138) @venkywonka

🚀 New Features

  • Add GPUTreeSHAP to cuML explainer module (experimental) (#4351) @hcho3
  • Enable training single GPU cuML models using Dask DataFrames and Series (#4300) @ChrisJar
  • LinearSVM using QN solvers (#4268) @achirkin
  • Add support for exogenous variables to ARIMA (#4221) @Nyrio
  • Use opt-in shared memory carveout for FIL (#3759) @levsnv
  • Symbolic Regression/Classification C/C++ (#3638) @vimarsh6739

🛠️ Improvements

  • Fix Changelog Merge Conflicts for branch-21.12 (#4393) @ajschmidt8
  • Pin max dask and distributed to 2012.11.2 (#4390) @galipremsagar
  • Fix forward merge #4349 (#4374) @dantegd
  • Upgrade clang to 11.1.0 (#4372) @galipremsagar
  • Update clang-format version in docs; allow unanchored version string (#4365) @zbjornson
  • Add CUDA 11.5 developer environment (#4364) @dantegd
  • Fix aliasing violation in t-SNE (#4363) @zbjornson
  • Promote FITSNE from experimental (#4361) @lowener
  • Fix unnecessary f32/f64 conversions in t-SNE KL calc (#4331) @zbjornson
  • Update rapids-cmake version (#4330) @dantegd
  • rapids-cmake version update to 21.12 (#4327) @dantegd
  • Use compute-sanitizer instead of cuda-memcheck (#4324) @teju85
  • Ability to pass fp64 type to cuml benchmarks (#4323) @teju85
  • Split treelite fil import from forest object definition (#4306) @levsnv
  • update xgboost version (#4301) @msadang
  • Accounting for RAFT updates to matrix, stats, and random implementations in detail (#4294) @divyegala
  • Update cudf matrix calls for to_numpy and to_cupy (#4293) @dantegd
  • Update conda recipes for Enhanced Compatibility effort (#4288) @ajschmidt8
  • Increase parallelism from 4 to 8 jobs in CI (#4286) @dantegd
  • RAFT distance prims public API update (#4280) @cjnolet
  • Update to UCX-Py 0.23 (#4274) @pentschev
  • In FIL, clip blocks_per_sm to one wave instead of asserting (#4271) @levsnv
  • Update of "Gracefully accept 'n_jobs', a common sklearn parameter, in NearestNeighbors Estimator" (#4267) @NV-jpt
  • Improve numerical stability of the Kalman filter for ARIMA (#4259) @Nyrio
  • Fix indexing of PCA to use safer types (#4255) @lowener
  • Change calculation of ARIMA confidence intervals (#4248) @Nyrio
  • Unpin dask & distributed in CI (#4235) @galipremsagar
  • RF: Add Gamma and Inverse Gaussian loss criteria (#4216) @venkywonka
  • Exposing KL divergence in TSNE (#4208) @viclafargue
  • Unify template parameter dispatch for FIL inference and shared memory footprint estimation (#4013) @levsnv
cuml - v21.10.02

Published by GPUtester almost 3 years ago

v21.10.02

cuml - v21.10.01

Published by GPUtester almost 3 years ago

v21.10.01

cuml - v21.08.03

Published by GPUtester almost 3 years ago

v21.08.03