上一页 1 2 3 4 5 6 ··· 24 下一页
摘要: 感知机是一个二分类的线性分类模型,是神经网络和支持向量机的基础。 考虑统计学习方法三要素: 模型:f(x) = sign(w*x+b) 策略:收敛前提条件:数据集是线性可分的 学习策略:考虑每一个点到超平面的距离:(二维的点到平面距离公式),对于分类错误的数据,yi*(w*xi_b)<0,则令损失函 阅读全文
posted @ 2022-01-01 12:27 维和战艇机 阅读(42) 评论(0) 推荐(0) 编辑
摘要: 论文:https://arxiv.org/pdf/1802.01561.pdf 参考:https://zhuanlan.zhihu.com/p/58226117 https://zhuanlan.zhihu.com/p/34074929 以下是论文的选择性(个人向)翻译QAQ 摘要: 在这篇论文中, 阅读全文
posted @ 2021-04-01 14:41 维和战艇机 阅读(2580) 评论(0) 推荐(0) 编辑
摘要: 单臂摆是强化学习的一个经典模型,本文采用了4种不同的算法来解决这个问题,使用Pytorch实现。 以下是老版本,2022年9月14日新增Dueling DQN, Actor-Critic算法, SAC,更新了PPO,DDPG算法,在文末。 DQN: 参考: 算法思想: https://mofanpy 阅读全文
posted @ 2021-03-27 10:49 维和战艇机 阅读(6721) 评论(1) 推荐(2) 编辑
摘要: 参考:https://zhuanlan.zhihu.com/p/129247756 论文原文:https://arxiv.org/pdf/2003.13590.pdf 一、遇到的挑战: 1、复杂的计分系统。每一局麻将游戏包含很多回合,而最后的排名是由这些回合的总分决定的(当玩家在前面的回合产生了巨大 阅读全文
posted @ 2021-03-17 20:11 维和战艇机 阅读(947) 评论(0) 推荐(0) 编辑
摘要: 参考莫烦python: cnn: import torch import torch.utils.data as Data import matplotlib.pyplot as plt import torch.nn.functional as F import torch.nn as nn im 阅读全文
posted @ 2021-03-12 00:17 维和战艇机 阅读(128) 评论(0) 推荐(0) 编辑
摘要: 1、使用梯度下降法拟合y = sin(x) import numpy as np import torch import torchvision import torch.optim as optim import torch.nn as nn import torch.nn.functional 阅读全文
posted @ 2021-01-29 21:56 维和战艇机 阅读(157) 评论(0) 推荐(0) 编辑
摘要: 自动求导: https://zhuanlan.zhihu.com/p/84812085 Pytorch入门教程: https://github.com/fendouai/PyTorchDocs/blob/master/SecondSection/training_a_classifier.md Py 阅读全文
posted @ 2021-01-26 18:36 维和战艇机 阅读(100) 评论(0) 推荐(0) 编辑
摘要: 参考链接:https://blog.csdn.net/u013733326/article/details/80086090 大致了解卷积神经网络的实现细节,具体实现的时候直接调用相关库函数就行 # coding=utf-8 # This is a sample Python script. # P 阅读全文
posted @ 2021-01-22 17:08 维和战艇机 阅读(209) 评论(0) 推荐(0) 编辑
摘要: 参考链接:https://blog.csdn.net/u013733326/article/details/79907419 代码: # coding=utf-8 # This is a sample Python script. # Press ⌃R to execute it or replac 阅读全文
posted @ 2021-01-20 16:39 维和战艇机 阅读(193) 评论(0) 推荐(0) 编辑
摘要: 参考链接:https://blog.csdn.net/u013733326/article/details/79847918 与原博文不同,我直接改动了第一课第四周的作业代码,只测试了L2正则化和随机初始化的效果。L2正则化可以明显的缓解过度拟合的情况 代码: # coding=utf-8 # Th 阅读全文
posted @ 2021-01-19 20:46 维和战艇机 阅读(194) 评论(0) 推荐(0) 编辑
上一页 1 2 3 4 5 6 ··· 24 下一页