像素级对比学习 在Pytorch的论文提出了像素级对比学习的实现。 除了在像素级别进行对比学习之外,在线网络还将像素级别表示形式传递给像素传播模块,并向目标网络施加相似度损失。 他们在细分任务中击败了所有以前的非监督和监督方法。 安装 $ pip install pixel-level-contrastive-learning 用法 下面是一个示例,说明了如何使用该框架进行Resnet的自我监督训练,并获取第4层(8 x 8个“像素”)的输出。 import torch from pixel_level_contrastive_learning import PixelCL from torchvision import models from tqdm import tqdm resnet = models . resnet50 ( pretrained = True ) learn
1
深度学习 该文件夹包含我的各种AI和机器学习项目的深度学习模型。 长短期记忆(LSTM)卷积神经网络(CNN)ResNet50
1
Keras TCN 与所有主要/最新的Tensorflow版本(从1.14到2.4.0+)兼容。 pip install keras-tcn Keras时间卷积网络。 [] 为什么选择时间卷积网络? 与具有相同容量的循环体系结构相比,TCN具有更长的内存。 在各种任务(序列MNIST,添加问题,复制内存,字级PTB ...)上,其性能始终优于LSTM / GRU体系结构。 平行度,灵活的接收场大小,稳定的梯度,训练所需的低内存,可变长度的输入... 放大的因果卷积层堆栈的可视化(Wavenet,2016) API 通常的方法是导入TCN层,并在Keras模型中使用它。 下面提供了一个回归任务的示例(对于其他示例,请参阅tasks/ ): from tensorflow . keras . layers import Dense from tensorflow . keras import Input , Model from tcn import TCN , tcn_full_summary batch_size , timesteps , input_dim = No
1
使用PyTorch对预训练的卷积神经网络进行微调。 产品特点 可以访问ImageNet上经过预训练的最受欢迎的CNN架构。 自动替换网络顶部的分类器,使您可以使用具有不同类数的数据集训练网络。 使您可以使用任何分辨率的图像(不仅限于在ImageNet上用于训练原始模型的分辨率)。 允许添加一个Dropout层或一个自定义池层。 支持的架构和模型 从包中: ResNet( resnet18 , resnet34 , resnet50 , resnet101 , resnet152 ) ResNeXt( resnext50_32x4d , resnext101_32x8d ) Dens
1
chatbot • • • • • Made by ximing Xing • :milky_way: 智能聊天机器人作为自然语言处理的一个重要分支,是目前最火热也最具挑战的研究方向,它对于促进人机交互方式的发展有着重要的意义。 本项目基于Encoder-decoder模型,以及在此基础上完成的聊天机器人系统。 最后,给出了参考的开源代码以及可使用的数据以供读者使用 本项目可用作学习使用或毕业设计,相关问题可与我联系。 Open Source runs on love, laughter and a whole lot of coffee. Consider buying me one if you find this content useful :hot_beverage::winking_face:. :clipboard: 快速开始 - Getting Started 执行cd chatbot -- cd to the
2021-09-19 09:07:43 75.48MB tensorflow chatbot python3 seq2seq
1
用于股票预测的深度学习和机器学习 描述:这是用于学习,研究,研究和分析深度学习(DL)和机器学习(ML)中的股票。 使用不同类型的算法通过机器学习或深度学习预测股票。 对股票数据进行试验,以查看其工作原理,工作原理或为什么不这样工作。 在机器学习或深度学习中使用不同类型的库存策略。 在机器学习或深度学习中使用技术分析或基础分析来预测未来股价。 此外,可以长期或短期地预测库存。 机器学习是人工智能的一个子集,它涉及算法的创建,这些算法可以自动更改,而无需人工干预,从而通过结构化数据输入自身来产生输出。 另一方面,深度学习是机器学习的一个子集,其中创建了算法,但是深度学习就像机器学习一样,许多不
2021-09-19 08:51:55 12.59MB data-science machine-learning deep-learning trading
1
从2d关键点进行3d人体姿势估计 概述 尽管人们通常可以轻松地估计2d图像中人的3d姿势,但是3d姿势估计对于机器来说仍然是一个具有挑战性的问题。 该项目改进了一种算法,该算法以2d关键点作为唯一输入来估计人体姿势的3d关键点。 我将采取三种关键干预措施来改善整个数据集以及基准模型中具有特别高误差的姿势子集的重建精度:a)修改预处理中的数据归一化技术,b)从简单密集地修改神经网络架构将网络连接到以最新的2d姿态估计模型为模型的多级网络,并且c)生成合成数据以增强训练集。 这些干预措施成功地将整个测试集(来自卡耐基梅隆大学的运动捕捉数据库)中的重建误差降低了40%,针对目标的高误差姿势也降低了87%。 全文: (pdf) 依存关系 仅用于从头准备数据: 培训与测试 训练 运行prep_data.py 运行train.py ,注释掉所有您不想训练的模型设置。 日期时间将附加到这些文
1
Swin变形金刚-PyTorch 体系结构的实现。 本文介绍了一种称为Swin Transformer的新型视觉变形金刚,它可以用作计算机视觉的通用骨干。 在两个领域之间的差异,例如视觉实体规模的巨大差异以及与文字中的单词相比,图像中像素的高分辨率,带来了使Transformer从语言适应视觉方面的挑战。 为了解决这些差异,我们提出了一个分层的Transformer,其表示是通过移动窗口来计算的。 通过将自注意计算限制为不重叠的局部窗口,同时允许跨窗口连接,移位的加窗方案带来了更高的效率。 这种分层体系结构具有在各种规模上建模的灵活性,并且相对于图像大小具有线性计算复杂性。 Swin Transformer的这些品质使其可与多种视觉任务兼容,包括图像分类(ImageNet-1K的准确度为86.4 top-1)和密集的预测任务,例如目标检测(COCO测试中为58.7框式AP和51.1遮罩式
1
Master Deep Learning with this fun, practical, hands on guide. With the explosion of big data deep learning is now on the radar. Large companies such as Google, Microsoft, and Facebook have taken notice, and are actively growing in-house deep learning teams. Other large corporations are quickly building out their own teams. If you want to join the ranks of today's top data scientists take advantage of this valuable book. It will help you get started. It reveals how deep learning models work, and takes you under the hood with an easy to follow process showing you how to build them faster than you imagined possible using the powerful, free R predictive analytics package. Bestselling decision scientist Dr. N.D Lewis shows you the shortcut up the steep steps to the very top. It's easier than you think. Through a simple to follow process you will learn how to build the most successful deep learning models used for learning from data. Once you have mastered the process, it will be easy for you to translate your knowledge into your own powerful applications. If you want to accelerate your progress, discover the best in deep learning and act on what you have learned, this book is the place to get started. YOU'LL LEARN HOW TO: Understand Deep Neural Networks Use Autoencoders Unleash the power of Stacked Autoencoders Leverage the Restricted Boltzmann Machine Develop Recurrent Neural Networks Master Deep Belief Networks Everything you need to get started is contained within this book. It is your detailed, practical, tactical hands on guide - the ultimate cheat sheet for deep learning mastery. A book for everyone interested in machine learning, predictive analytic techniques, neural networks and decision science. Start building smarter models today using R! Buy the book today. Your next big breakthrough using deep learning is only a page away! Table of Contents Chapter 1 Introduction Chapter 2 Deep Neural Networks Chapter 3 Elman Neural Networks Chapter 4 Jordan Neural Netwo
2021-09-18 09:28:52 5.88MB R Deep Learning
1
斯克莱恩评估 机器学习模型评估变得容易:绘图,表格,HTML报告,实验跟踪和Jupyter笔记本分析。 支持Python 3.6及更高版本。 安装 pip install sklearn-evaluation 产品特点 (混淆矩阵,特征重要性,精度调用,ROC) 报告生成( )
1