Deep

Paper Reading: WCDForest: a weighted cascade deep forest model toward the classifcation tasks

针对 gcForest 存在的一些缺点,本文提出了一种 WCDForest 模型来提高小样本分类数据集的准确率。为了提高 WCDForest 的特征提取能力,提出了一种等量多粒度扫描模块,可以平等地扫描边缘特征。提出了类向量加权模块和特征增强模块,它们重新评估了 RF 在多粒度扫描和级联森林阶段的分... ......
160 classifcation WCDForest weighted Reading

深度学习调参手册(Deep Learning Tuning Playbook)

google-research/tuning_playbook: A playbook for systematically maximizing the performance of deep learning models. (github.com) dkhonker/tuning_playbo ......
深度 Learning Playbook 手册 Tuning

论文:Ultra Fast Deep Lane Detection with Hybrid Anchor Driven Ordinal Classification-基于anchor方法

论文名: Ultra Fast Deep Lane Detection with Hybrid Anchor Driven Ordinal Classification 混合Anchor驱动顺序分类的超快深车道检测 研究问题: 研究方法: 主要结论: 模型: 问题: 行文结构梳理: Abstrct: ......

deep

/deep/ 表示深度选择器 <style scoped> /deep/ .title{ color: #ff0; }</style> 除了 /deep/ 以外,>>> 和 ::v-deep也可以实现同样的效果 注意:/deep/ 只能在像 less , sass 等css预处理器中使用,在原生cs ......
deep

Conditional Probability Models for Deep Image Compression

深度神经网络被训练来作为图像压缩的自动编码器是一个前沿方向,面临的挑战有两方面——量化(quantization)和权衡reconstruction error (distortion) and entropy (rate),这篇文章关注后者。 主要思想是使用上下文模型直接对潜在表示的熵建模;3D- ......

课程一第四周:Deep L-layer neural network

Deep L-layer neural network What is a deep neural network? 深层的神经网络就是包含了更多隐藏层的神经网络。 从某种意义上来说,logistic regression可以称为一层的神经网络“1 layer NN”。当计算神经网络的层数,通常将输 ......
L-layer network 课程 neural layer

Conditional Probability Models for Deep Image Compression

深度神经网络被训练来作为图像压缩的自动编码器是一个前沿方向,面临的挑战有两方面——量化(quantization)和权衡reconstruction error (distortion) and entropy (rate),这篇文章关注后者。 主要思想是使用上下文模型直接对潜在表示的熵建模;3D- ......

《Deep Residual Learning for Image Recognition》阅读笔记

论文标题 《Deep Residual Learning for Image Recognition》 撑起CV界半边天的论文 Residual :主要思想,残差。 作者 何恺明,超级大佬。微软亚研院属实是人才辈出的地方。 初读 摘要 提问题: 更深层次的神经网络更难训练。 提方案: 提出了残差网络 ......
Recognition Residual Learning 笔记 Image

论文:Very deep convolutional networks for large-scale image recognition-VGG

论文名: Very deep convolutional networks for large-scale image recognition "用于大规模图像识别的深度卷积网络" 了解VGG模型 研究问题: 研究方法: 主要结论: 模型: 问题: 行文结构梳理: ......

Deep Learning —— 异步优化器 —— RMSpropAsync —— 异步RMSprop

代码地址: https://github.com/chainer/chainerrl/blob/master/chainerrl/optimizers/rmsprop_async.py def update_core_cpu(self, param): grad = param.grad if gr ......
RMSpropAsync Learning RMSprop Deep

[论文精读][基于点云的蛋白-配体亲和力]A Point Cloud-Based Deep Learning Strategy for Protein-Ligand Binding Affinity Prediction

我需要的信息 代码,论文 不考虑共价键,每个点包括了六种原子信息,包括xyz坐标,范德华半径,原子重量以及来源(1是蛋白质,-1是配体)。原子坐标被标准化,其它参数也被标准化。对不足1024个原子的的复合体,补0到1024。 增加考虑的原子从1024到2048,没有提升,增加原子信息通道,没有提升( ......

(2023年新疆大学、中科院等点云分类最新综述) Deep learning-based 3D point cloud classification: A systematic survey and outlook

目录1、引言2 、3D数据2.1、3D数据表示形式2.2、点云数据存储格式2.3、3D点云公共数据集3 、基于深度学习的点云分类方法3.1、基于多视角的方法3.2、基于体素的方法3.3 、基于点云的方法3.3.1局部特征聚合3.3.1.1基于逐点处理的方法3.3.1.2基于卷积的方法3.3.1.3基 ......

AlexNet模型:ImageNet Classification with Deep Convolutional Neural Networks

文献名:ImageNet Classification with Deep Convolutional Neural Networks 创新点: 首次利用AlexNet神经网络,在ImageNet分类中以巨大的优势打败非神经网络算法 模型: ......

Paper Reading: DBC-Forest: Deep forest with binning confidence screening

针对 gcForestcs 受高置信度但精度较低的实例影响的问题,本文提出了一种深度分箱置信度筛选森林算法。该算法采用基于置信度对实例进行分箱,这种方式可以检测到分区错误的实例,将更精确的实例传递到后续层次。实验结果表明,对于相同的训练超参数,DBC-Forest 模型比 gcForest 和 gc... ......

《ImageNet Classification with Deep Convolutional Neural Networks》阅读笔记

论文标题 《ImageNet Classification with Deep Convolutional Neural Networks》 ImageNet :经典的划时代的数据集 Deep Convolutional:深度卷积在当时还处于比较少提及的地位,当时主导的是传统机器学习算法 作者 一作 ......

Paper Reading: Learning from Weak-Label Data: A Deep Forest Expedition

目录研究动机文章贡献本文方法标签补码结构标签频率估计与补码标志机制LCForest 整体框架实验结果实验设置基因功能分析任务实验文本分类任务实验场景分类任务实验医学自然语言处理实验优点和创新点 Paper Reading 是从个人角度进行的一些总结分享,受到个人关注点的侧重和实力所限,可能有理解不到 ......

Deep Learning入门

深度学习入门(更新中) 概述 前置知识: 线性代数 微积分 概率论 python基础语法(包含面向对象的知识) 深度学习框架pytorch的基本api调用 学习资料: PyTorch深度学习快速入门教程 跟李沐学AI 《动手学深度学习》 — 动手学深度学习 2.0.0 documentation ( ......
Learning Deep

Pink Noise Is All You Need: Colored Noise Exploration in Deep Reinforcement Learning

郑重声明:原文参见标题,如有侵权,请联系作者,将会撤销发布! Published as a conference paper at ICLR 2023 ABSTRACT ......

Deep Exploration via Bootstrapped DQN

郑重声明:原文参见标题,如有侵权,请联系作者,将会撤销发布! NIPS 2016 Abstract 有效的探索仍然是强化学习(RL)的主要挑战。常见的探索抖动策略,如ε-贪婪,不进行时间扩展(或深度)探索;这可能导致数据需求呈指数级增长。然而,在复杂的环境中,大多数用于统计有效RL的算法在计算上是不 ......
Bootstrapped Exploration Deep DQN via

Kali使用zsteg出现"stack level too deep (SystemStackError)"报错!

前段时间用VM虚拟机直接安装在kali官网下载的虚拟机镜像系统之后,安装完zsteg使用的时候出现"stack level too deep (SystemStackError)" 报错。 在百度搜索许久也没有找到具体的解决方法,后来在Github里面发现也有人遇到了这个情况,并且提交了Issues ......
quot SystemStackError zsteg level stack

Varibad:A very good method for bayes-adaptive deep rl via meta-learning

郑重声明:原文参见标题,如有侵权,请联系作者,将会撤销发布! Published as a conference paper at ICLR 2020 ABSTRACT 1 INTRODUCTION 2 BACKGROUND 2.1 TRAINING SETUP 2.2 BAYESIAN REINF ......

Paper reading: Improving Deep Forest by Exploiting High-order Interactions

为了对深度森林设计出信息量更大、计算成本更低的特征表示,本文提出了一种新的深度森林模型——高阶交互深度森林(hiDF),利用输入特征的稳定高阶交互来生成信息丰富且多样化的特征表示。具体而言,本文设计了一个广义版本的随机交叉树(gRIT)来发现稳定的高阶相互作用,并应用激活线性组合(ALC)将这些相互... ......

VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE

(VGG)VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE-SCALE IMAGE RECOGNITION 阅读笔记(22.10.05) 摘要:本文研究在大规模图像识别设置中卷积网络深度对其准确性的影响。主要贡献是对使用(3,3)卷积核的体系结构增加深度的网络进行 ......
CONVOLUTIONAL NETWORKS LARGE VERY DEEP

VDSR-Accurate Image Super-Resolution Using Very Deep Convolutional Networks阅读笔记

Accurate Image Super-Resolution Using Very Deep Convolutional Networks(VDSR)阅读笔记(22.10.07)使用深度卷积网络的精确图像超分辨率 摘要:使用一个非常深的卷积神经网络,灵感来源于VGG-Net。本文发现,网络深度增加 ......

论文解读(LR2E)《Learning to Reweight Examples for Robust Deep Learning》

Note:[ wechat:Y466551 | 可加勿骚扰,付费咨询 ] 论文信息 论文标题:Learning to Reweight Examples for Robust Deep Learning论文作者:Mengye Ren、Wenyuan Zeng、Bin Yang、Raquel Urta ......
Learning Examples Reweight Robust 论文

Proj CDeepFuzz Paper Reading: Metamorphic Testing of Deep Learning Compilers

## Abstract 背景:Compiling DNN models into high-efficiency executables is not easy: the compilation procedure often involves converting high-level model ......

Proj CDeepFuzz Paper Reading: A Comprehensive Study of Deep Learning Compiler Bugs

## Abstract 背景:深度学习编译器处理的深度学习模型与命令式程序有根本的不同,因为深度学习模型中的程序逻辑是隐式的。(the DL models processed by DL compilers differ fundamentally from imperative programs ......

Proj CDeepFuzz Paper Reading: DeepMutation: Mutation Testing of Deep Learning Systems

## Abstract 本文:DeepMutation Github: https://github.com/berkuva/mutation-testing-for-DNNs Task: mutation testing framework specialized for DL systems t ......

Proj CDeepFuzz Paper Reading: Testing Deep Neural Networks

## Abstract 本文:DeepCover Github: https://github.com/TrustAI/DeepCover Task: propose 4 novel test criteria to test DNNs Method: inspired by MC/DC cover ......
CDeepFuzz Networks Reading Testing Neural

Proj CDeepFuzz Paper Reading: PyTorch: an imperative style, high-performance deep learning library

## Abstract 本文: PyTorch Task: detail the implementation and architecture of PyTorch Github: https://github.com/pytorch/pytorch 特点: 1. PyTorch同时关注可用性和速 ......