Master Machine Learning Algorithms.zip 掌握机器学习算法 课程代码
2021-10-23 09:03:45 144KB Code MachineLearning ML 机器学习
张量流 深度玻纤编码器的分层预训练的受限玻尔兹曼机的Tensorflow实现。 这是的分支,并进行了一些更正和改进。 受限玻尔兹曼机是一种遗留机器学习模型,不再在任何地方使用。 该存储库仅具有历史和教育价值。 我已经使用更新了代码以在现代系统上运行,但是我将不再维护它。 安装 git clone https://github.com/meownoid/tensorfow-rbm.git cd tensorfow-rbm python -m pip install -r requirements.txt python setup.py 例子 Bernoulli-Bernoulli RBM适用于Bernoulli分布的二进制输入数据。 例如,MNIST。 要训​​练模型,只需构造tf.data.Dataset其中包含形状为(n_visible,)向量(n_visible,)并将其传递给fi
1
PyTorch中计算机视觉应用程序的自注意力构建基块 使用einsum和einops在PyTorch中实现计算机视觉的自我关注机制。 专注于计算机视觉自我注意模块。 通过pip安装 $ pip install self-attention-cv 如果您没有GPU,最好在您的环境中预安装pytorch。 相关文章 程式码范例 多头注意力 import torch from self_attention_cv import MultiHeadSelfAttention model = MultiHeadSelfAttention ( dim = 64 ) x = torch . rand ( 16 , 10 , 64 ) # [batch, tokens, dim] mask = torch . zeros ( 10 , 10 ) # tokens X tokens mask [ 5 :
1
cleanlab:机器学习的标准包,带有嘈杂的标签并在Python中查找标签错误的数据
1
Node2Vec node2vec算法Aditya Grover,Jure Leskovec和Vid Kocijan的Python3实现。 安装 pip install node2vec 用法 import networkx as nx from node2vec import Node2Vec # Create a graph graph = nx . fast_gnp_random_graph ( n = 100 , p = 0.5 ) # Precompute probabilities and generate walks - **ON WINDOWS ONLY WORKS
1
Master Machine Learning Algorithms Finally Pull Back The Curtain And See How They Work With Clear Descriptions, Step-By-Step Tutorials and Working Examples in Spreadsheets by Jason Brownlee 10 top algorithms described. 12 step-by-step tutorials, 163 pages. 16 spreadsheets with working algorithms. 你必须了解算法才能在机器学习中取得好成绩(并被公认为优秀)。 在这个巨型电子书是写在友好的机器学习掌握风格,你习惯了,最后切入数学,并了解机器学习算法是如何工作的,然后从零开始,一步一步地实现它们。
2021-06-26 16:02:33 1.02MB ml 机器学习 算法 JasonBrownlee
决策树癌症预测 使用现有数据通过决策树进行学习来预测乳腺癌的示例(scikit-learn / python) 加工 收集的数据样本已分为测试样本和训练样本。 使用scikit的决策树生成器和转换集,可用于基于ID3生成树。 然后可以将测试数据用于交叉验证生成的树的准确性。 这个小程序还生成pdf,以可视化生成的树。 注意 该程序仅用于演示/实验目的。 以下是依赖项 python numpy scipy scikit-学习pydotplus graphviz 使用说明 安装python版本2.7 要安装上述软件包,请遵循以下命令 点安装numpy 点安装scipy 点安装scikit学
1
Python:主要是探索性分析+机器学习
1