noise reinforcement exploration learning

Representation Learning for Attributed Multiplex Heterogeneous Network

Cen Y., Zou X., Zhang J., Yang H., Zhou J. and Tang J. Representation learning for attributed multiplex heterogeneous network. KDD, 2019. 概 本文在 Attrib ......

2022AAAI_Semantically Contrastive Learning for Low-light Image Enhancement(SCL_LLE)

1. motivation 利用语义对比学习 2. network (1) 输入的是低光图像首先经过图像增强的网络(Zero-DCE), 再将它传入语义分割网络中 (2)语义分割网络用的是DeepLabv3+ ......

MEMORY REPLAY WITH DATA COMPRESSION FOR CONTINUAL LEARNING--阅读笔记

MEMORY REPLAY WITH DATA COMPRESSION FOR CONTINUAL LEARNING--阅读笔记 摘要: 在这项工作中,我们提出了使用数据压缩(MRDC)的内存重放,以降低旧的训练样本的存储成本,从而增加它们可以存储在内存缓冲区中的数量。观察到压缩数据的质量和数量之间 ......
COMPRESSION CONTINUAL LEARNING 笔记 MEMORY

Deep-Learning-Based Spatio-Temporal-Spectral Integrated Fusion of Heterogeneous Remote Sensing Images

Deep-Learning-Based Spatio-Temporal-Spectral Integrated Fusion of Heterogeneous Remote Sensing Images abstract 为了解决STF中的生成heterogeneous images问题: 为此,本 ......

Medicine River-------------Learning Journals 8

htttp://www.enotes.com ......
Medicine Learning Journals River

Adversarial Robust Deep Reinforcement Learning Requires Redefining Robustness

郑重声明:原文参见标题,如有侵权,请联系作者,将会撤销发布! ......

Learning Off-Policy with Online Planning

**发表时间:**2021(CoRL 2021) **文章要点:**这篇文章提出Off-Policy with Online Planning (LOOP)算法,将H-step lookahead with a learned model和terminal value function learne ......
Off-Policy Learning Planning Policy Online

论文解读(VAT)《Virtual Adversarial Training: A Regularization Method for Supervised and Semi-Supervised Learning》

论文信息 论文标题:Virtual Adversarial Training: A Regularization Method for Supervised and Semi-Supervised Learning论文作者:Takeru Miyato, S. Maeda, Masanori Koya ......

论文解读(PGD)《Towards deep learning models resistant to adversarial attacks》

论文信息 论文标题:Towards deep learning models resistant to adversarial attacks论文作者:Aleksander Madry, Aleksandar Makelov, Ludwig Schmidt, Dimitris Tsipras, Ad ......

基于RL(Q-Learning)的迷宫寻路算法

强化学习是一种机器学习方法,旨在通过智能体在与环境交互的过程中不断优化其行动策略来实现特定目标。与其他机器学习方法不同,强化学习涉及到智能体对环境的观测、选择行动并接收奖励或惩罚。因此,强化学习适用于那些需要自主决策的复杂问题,比如游戏、机器人控制、自动驾驶等。强化学习可以分为基于价值的方法和基于策 ......
迷宫 算法 Q-Learning Learning RL

1、题目:Engineering Design Thinking, Teaching, and Learning

期刊信息 (1)作者:Dym,Clive L.,Agogino,Alice M.,Eris,Ozgur,Frey,Daniel D.,Leifer,Larry J. (2)期刊:Journal of Engineering Education:94-1-103-120,01/2005 (3)DOI: ......

M3AE: Multimodal Representation Learning for Brain Tumor Segmentation with Missing Modalities

摘要 提出SimCLR,用于视觉表征的对比学习,简化了最近提出的对比自监督学习算法,为了理解是什么使对比预测任务能够学习有用的表示,系统研究了提出框架的主要组成部分,发现: (1)数据增强的组成在定义有效的预测任务中起着关键的作用 (2)在表示和对比损失之间引入一个可学习的非线性变换,大大提高了已学 ......

阅读文献《SCNet:Deep Learning-Based Downlink Channel Prediction for FDD Massive MIMO System》

该文献的作者是清华大学的高飞飞老师,于2019年11月发表在IEEE COMMUNICATIONS LETTERS上。 文章给出了当用户位置到信道的映射是双射时上行到下行的确定映射函数;还提出了一个**稀疏复值神经网络( sparse complex-valued neural network,SC ......

Exploring Pyramids UVA - 1362

给出一棵树的 dfs 序,求可能的构成方案数。 A______A_______ f[l ][ r] =sum{ f[l+1][k-1] *f[k][j] } #include <iostream> #include <cstring> #include <sstream> using namespa ......
Exploring Pyramids 1362 UVA

文献阅读《AcsiNet: Attention-Based Deep Learning Network for CSI Prediction in FDD MIMO Systems》

这篇文献的作者是南华大学的林文斌老师,于2023年3月3日发表在IEEE WIRELESS COMMUNICATIONS LETTERS。 文章直接对上行 CSI 矩阵使用离散傅里叶逆变换进行压缩,然后将其输入一个基于注意力(attention-based)的深度学习网络,该网络可以专注于关键的 C ......

《Exploring in UE4》Unreal回放系统剖析(下)

本篇分为上下两篇,上篇内容请关注:《Exploring in UE4》Unreal回放系统剖析(上) 四、死亡回放/精彩镜头功能的实现 在FPS游戏里,一个角色被击杀之后,往往会以敌方的视角回放本角色被定位、瞄准、射击的过程,这就是我们常提到的死亡回放(DeathCameraReplay)。类似的, ......
Exploring Unreal 系统 UE4 in

GCR Gradient Coreset based Replay Buffer Selection for Continual Learning

GCR: Gradient Coreset based Replay Buffer Selection for Continual Learning 摘要:本文提出了一种创新的重放缓冲区选择和更新策略,梯度核心集重放(GCR),使用一种设计优化标准。 该方法选择和维持一个“coreset” ,它非常 ......

论文解读《Automatically discovering and learning new visual categories with ranking statistics》

论文信息 论文标题:Automatically discovering and learning new visual categories with ranking statistics论文作者:K. Han, Sylvestre-Alvise Rebuffi, Sébastien Ehrhard ......

五天学会Deep Learning

五天学完deep learning。。。。。。是时候来证明chatGPT和new bing的能力了。。。。。。 DAY1 Sigmoid function Sigmoid 函数是一种常用的激活函数,它将输入值映射到 0 和 1 之间。它的公式为 f(x) = 1 / (1 + e^-x)。Sigmo ......
Learning Deep

论文解读(PAWS)《Semi-Supervised Learning of Visual Features by Non-Parametrically Predicting View Assignments with Support Samples》

论文信息 论文标题:Semi-Supervised Learning of Visual Features by Non-Parametrically Predicting View Assignments with Support Samples论文作者:Mahmoud Assran, Mathi ......

迁移学习(CLDA)《CLDA: Contrastive Learning for Semi-Supervised Domain Adaptation》

论文信息 论文标题:CLDA: Contrastive Learning for Semi-Supervised Domain Adaptation论文作者:Ankit Singh论文来源:NeurIPS 2021论文地址:download 论文代码:download视屏讲解:click 1 简介 ......

FastGCN Fast Learning with Graph Convolutional Networks via Importance Sampling

Chen J., Ma T. and Xiao C. FastGCN: fast learning with graph convolutional networks via importance sampling. ICLR, 2018. 概 一般的 GCN 每层通常需要经过所有的结点的 prop ......

Deeper Insights into Graph Convolutional Networks for Semi-Supervised Learning

Li Q., Han Z. and Wu X. Deeper insights into graph convolutional networks for semi-supervised learning. AAAI, 2018. 概 本文分析了 GCN 的实际上就是一种 Smoothing, 但是 ......

Pytorch深度学习全流程代码框架——Base Codes for Deep Learning Using Pytorch

# 导入必要的库 import torch import torch.nn as nn import torch.optim as optim from torch.utils.data import DataLoader, Dataset # 定义超参数 epochs = 10 # 训练轮数 lr ......
Pytorch 框架 深度 Learning 流程

scikit-learn 中 Boston Housing 数据集问题解决方案

scikit-learn 中 Boston Housing 数据集问题解决方案 在部分旧教程或教材中是 sklearn,现在【2023】已经变更为 scikit-learn 作用:开源机器学习库,支持有监督和无监督学习。它还提供了用于模型拟合、数据预处理、模型选择、模型评估和许多其他实用程序的各种工 ......

基于强化学习(Q-learning算法)的需求响应动态定价研究

代码关键词:需求响应 强化学习 动态定价 编程语言:python平台 主题:16、基于强化学习(Q-learning算法)的需求响应动态定价研究 代码内容: 代码提出了一种考虑服务提供商(SP)利润和客户(CUs)成本的分层电力市场能源管理动态定价DR算法。 用强化学习(RL)描述了动态定价问题为离 ......
算法 Q-learning learning 需求 动态

强化学习 Reinforcement Learning

强化学习 Reinforcement Learning 强化学习是一种机器学习思想,其关心一个智能体如何采取行动以达到最大化激励回报。 基本的强化学习模型以马尔可夫决策过程建模。 马尔可夫决策过程 Markov Decision Process 系统要素 A 行动空间; S状态空间; $P^a_{s ......
Reinforcement Learning

【论文阅读笔记】Distiling Causal Effect of Data in Class-Incremental Learning

Author: Hanwang Zhang, Xinting Hu Create_time: April 24, 2022 11:01 AM Edited_by: Huang Yujun Publisher: CVPR 2021 Org: Nanyang Technological Universi ......

【论文阅读笔记】Learning to Prompt for Continual Learning

Create_time: April 27, 2022 5:21 PM Edited_by: Huang Yujun Org: Google Research, Northeastern University Learning to Prompt for Continual Learning [38 ......
Learning Continual 笔记 Prompt 论文

【论文阅读笔记】iCaRL: Incremental Classifier and Representation Learning

Author: Alexander Kolesnikov Key_words: nearest-mean-of-exemplar rule, prioritized exampler selection,representation learning Create_time: September 1 ......