联合开发网   搜索   要求与建议
                登陆    注册
排序按匹配   按投票   按下载次数   按上传日期
按分类查找All 数学计算(500) 
按平台查找All Jupyter Notebook(500) 

[数学计算] Travel-Recommendation-System

TravelRecommend:基于ML的旅行计划器,使用K-means和推荐算法。个性化建议、实时更新和用户反馈,打造量身定制的旅行体验。
TravelRecommend: ML-based travel planner using K-means & recommendation algorithms. Personalized suggestions, real-time updates, and user feedback for tailored travel experiences. (2024-03-04, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1709523830740244.html

[数学计算] financial_fruad

分析银行交易数据集,并使用梯度增强分类器捕获尽可能多的欺诈交易,同时最小化误报。
Analyzing a dataset of bank transactions and using gradient boosting classifier to capture as many fraudulent transactions as possible while minimizing false positives. (2024-02-28, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1709060332935399.html

[数学计算] NSS-road-safety-model-ppt

具有精度度量的定制神经网络,并与随机森林分类器、Roc曲线和事故热点的相关ppt进行模型比较
custom neural net with accuracy metrics and model comparison with Random Forest Classifier , Roc curve and related ppt for accident hotspot (2024-02-02, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1706886604236292.html

[数学计算] totk_materials

这是一个简单的塞尔达王国之泪中装备升级的材料计算器 || This is a simple equipment material calculator for The Legend of Zelda: Tears of the Kingdom
This is a simple equipment material calculator for The Legend of Zelda: Tears of the Kingdom (2024-01-09, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1704819839677477.html

[数学计算] time_series_mva_2023_2024

在Laurent Oudre的时间序列课程中完成的项目和作业。1) 健康人和非健康人之间的足迹分类器...
Projects and assignments done during the course of Laurent Oudre on time series. 1) Footstep classifier between healthy and non-healthy individuals using dynamic time warping (DTW) distance. 2) Orthogonal Matching Pursuit algorithm (2023-12-07, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1701999101584818.html

[数学计算] Titanic-Survival-Prediction

该存储库包含一个Python脚本,用于使用随机森林分类器预测泰坦尼克号上的生存。该脚本使用...
This repository contains a Python script for predicting survival on the Titanic using a Random Forest Classifier. The script utilizes the pandas and scikit-learn libraries for data manipulation and machine learning. (2023-11-25, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1700961084936538.html

[数学计算] on_using_Decision_Trees_and_Random_Forest_Project

该监督学习模型研究了决策树和随机森林集成分类器在金融贷款俱乐部上的性能...,
This supervised learning model explores the performance of Decision tree and Random forest ensemble classifier on a Financial Lending club dataset. (2023-10-06, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1696601079680416.html

[数学计算] Bell-States-Quantum

编写产生四个贝尔态的量子电路。在模拟器上执行每个电路,并绘制p...的直方图...,
Writing the quantum circuits that produce the four Bell states. Executing each circuit on a simulator and plotting the histogram of the probability distributions for each state. Obtaining the state vector for each state and plotting it on the Bloch sphere. (2023-09-20, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1695253883999685.html

[数学计算] HRAS-Activation-Classifier

HRAS激活分类器是维多利亚大学Omics数据分析硕士学位MFP的一部分。包含流水线...,
HRAS Activation Classifier is part of the MFP of the Omics Data Analysis master s degree from the University of VIC. Contains the pipeline necessary for the generation of a Random Forest classifier of prediction status in enzymes, as well as the results and output files of the Human HRAS analysis and model generation. (2023-09-15, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1694897165364157.html

[数学计算] Automatic-File-Sorter-Using-Python

使用Python创建文件分类器。这将允许我们自动对文件进行排序,而无需将文件拖放到...,
To create a File Sorter using Python. This will allow us to automate the sorting of our files without having to drag and drop files into folders. (2023-08-26, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1693073937607404.html

[数学计算] Drift_Detection_Machine_Learning

卡尔曼滤波器是一种递归数学算法,用于从一系列噪声测量中估计动态系统的状态...,
The Kalman filter is a recursive mathematical algorithm used to estimate the state of a dynamic system from a series of noisy measurements. In the context of drift detection, the Kalman filter can be employed to track the evolving distribution of data over time and detect when significant changes or drifts occur. (2023-08-15, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1692085506829238.html

[数学计算] Twitter-Sentiment-Analysis

在这个项目中,我们分析了数千条Twitter推文来预测人们的情绪。使用Scikit学习训练朴素贝叶斯分类器...,
In this project we analysed thousand of Twitter tweets to predict people sentiments. Trained a Naive Bayes classifier using Scikit-learn and assessed its performance. (2023-08-09, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1691605508552031.html

[数学计算] Smooth-isotonic-convex-regressor

python中的平滑等张凸样条线面向对象的曲线拟合器。等渗意味着曲线只能被强制增加(或减少...,
A smooth isotonic convex spline object oriented curve fitter in python. Isotonic means the curve can be forced to only increase (or decrease), and convex is used to mean the second derivative can be forced to be only non-negative (or non-positive). (2021-09-04, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1689956948952844.html

[数学计算] Parkinson-Disease-Ensemble-Learning

实现逻辑回归、朴素贝叶斯和决策树的集成分类器。目标是实现分类模型...,
To implement an Ensemble Classifier of Logistic regression, Naive Bayes & Decision Tree. The goal is to implement a classification model to predict the “Status” feature in the provided Parkinson dataset. (2021-02-13, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1689786482161575.html

[数学计算] Solar-Cylindrical-Parabolic-Collector-Analysis

采用python编程语言进行了太阳柱面抛物线集热器分析。这是用来知道效率...
Solar Cylindrical Parabolic Collector Analysis is done using python programing language. It is use to know the efficiency of collector in form of graph (2022-06-30, Jupyter Notebook, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1687896179610742.html

[数学计算] Gaussian-Naive-Bayes-from-scratch

从sratch中构建简单的高斯朴素贝叶斯分类器,而不使用其内置的scikit学习库进行2 con...
Building simple Gaussian Naive bayes classifier from sratch without using it s inbuilt scikit learn library for 2 continous features dataset (2021-07-10, Jupyter Notebook, 143KB, 下载0次)

http://www.pudn.com/Download/item/id/1686253074541376.html

[数学计算] gaussian_naive_bayes_classifier

该项目是从头开始构建高斯朴素贝叶斯分类器算法。在构建它之后,该算法...
This project was to build the gaussian naive bayes classifier algorithm from scratch. After building it, this algorithm got the same results/predictions as scikit-learn implementation of guassian naive bayes algorithm (2020-08-18, Jupyter Notebook, 28KB, 下载0次)

http://www.pudn.com/Download/item/id/1686253026174697.html

[数学计算] naive-bayes

Python代码(包括ipython笔记本)用于朴素贝叶斯分类器,根据成人的各种工资分类...
Python code (including ipython notebook) for naive bayes classifier to classify salaries of adults based on various attributes (2019-04-08, Jupyter Notebook, 686KB, 下载0次)

http://www.pudn.com/Download/item/id/1686249127923162.html

[数学计算] Naive-Bayes-Classifier-Algorithm

用于垃圾邮件分类的朴素贝叶斯分类器算法(使用垃圾邮件刺客语料库训练)。此算法...
Naive Bayes Classifier Algorithm used for Spam email classification (Trained using Spam Assassin Corpus). This algorithm is based on Multinomial Naive Bayes. (2020-05-04, Jupyter Notebook, 9173KB, 下载0次)

http://www.pudn.com/Download/item/id/1686248924996450.html

[数学计算] naivebayes_mnist

我实现了一个朴素贝叶斯分类器,并将其应用于MNIST数据集。
I implemented a Naive Bayes classifier form scratch and applied it on MNIST dataset. (2017-11-21, Jupyter Notebook, 99KB, 下载0次)

http://www.pudn.com/Download/item/id/1686248743176001.html