ICode9

精准搜索请尝试: 精确搜索
  • OpenMP 教程(一) 深入剖析 OpenMP reduction 子句 前言2022-11-11 13:51:53

    从并发求和开始我们的任务是两个线程同时对一个变量 data 进行 ++操作,执行 10000 次,我们看下面的代码有什么问题: #include <stdio.h> #include <omp.h> #include <unistd.h> static int data; int main

  • seurat 单细胞数据分析中 VizDimLoadings 函数2022-08-27 18:00:20

      前期处理:https://www.jianshu.com/p/fef17a1babc2 #可视化对每个主成分影响比较大的基因集 001、 dat <- pbmc[["pca"]]@feature.loadings ## 数据来源 dat[1:3, 1:3] dat <- dat[order(-dat[,1]),][1:29,1] dat <- as.data.frame(dat) da

  • Noise Reduction paper2022-08-22 06:03:36

    1992 - Leonid I. Rudin, Stanley Osher, and Emad Fatemi. 1992. Nonlinear total variation based noise removal algorithms. Phys. D 60, 1–4 (Nov. 1, 1992), 259–268. https://doi.org/10.1016/0167-2789(92)90242-F 2004 - Motwani, Mukesh & Gadiya, Mukesh &

  • label smoothing2022-08-07 14:01:50

    label 可分为  hard label 和  soft label; label smoothing,标签平滑,像 L1 L2 dropout 一样,是一种正则化的方法; 用于  防止模型过分自信,提升泛化能力; 不过这个 方法不是 很常用,有很多  tricks 可以起到类似的作用,学到最后你会发现,很多算法之间彼此互通。   为什么需要 label s

  • 2022 年 5 篇与降维方法的有关的论文推荐2022-04-14 10:31:37

      1、Dimension Reduction for Spatially Correlated Data: Spatial Predictor Envelope 2、Unsupervised Machine Learning for Exploratory Data Analysis of Exoplanet Transmission Spectra 3、Statistical Treatment, Fourier and Modal Decomposition 4、SLISEMAP:

  • 归约指令Reduction Instructions2022-03-20 20:58:32

    归约指令Reduction Instructions 1、整数单宽度归约指令2、整数加宽归约指令3、浮点单宽度归约指令4、浮点加宽归约指令 归约指令的操作上一个是向量1中的元素0,另外一个是向量2,所以指令的后缀缩写为.vs,其实相当于一个标量加上向量2中的所有元素。 1、整数单宽度归约指令

  • Pytorch 损失函数总结2022-03-09 09:32:58

    1 nn.L1Loss   torch.nn.L1Loss(reduction='mean')   就是 MAE(mean absolute error),计算公式为     $\ell(x, y)=L=\left\{l_{1}, \ldots, l_{N}\right\}^{\top}, \quad l_{n}=\left|x_{n}-y_{n}\right|$     $\ell(x, y)=\left\{\begin{array}{ll}\opera

  • reduce的方向2022-03-07 21:31:20

    我们先使用tf.reduce_sum来计算了每一个样本点的损失,注意这里的参数 reduction_indices=[1],这表明我们是在第1维上运算,这跟numpy或者DataFrame的运算类似,具体1的含义看下图:     缩减哪一维度,就意味着这个维度没有了,被压扁了  

  • MMDetection源码解析:Focal loss2022-01-29 16:00:29

    Focal loss在文件.\mmdet\models\losses\focal_loss.py实现,代码如下: import torch import torch.nn as nn import torch.nn.functional as F from mmcv.ops import sigmoid_focal_loss as _sigmoid_focal_loss from ..builder import LOSSES from .utils import weight_reduce_

  • Patent: Vector Reduction Processor2022-01-03 21:59:05

    前言 很多论文对结构的描述都含糊粗糙,但相应的专利就把一个结构拆成无数贼简单的小东西去申请,想想还挺有意思的(o゚v゚o) Vector Reduction 还是google的专利,应该是TPU累加器部分对应的向量合并,看专利是个很小的东西,不过也提供了一些灵感。 原文地址:https://patents.google.com/pate

  • CV基石-GoogleNet-V4论文研读2021-12-29 21:30:40

    1、Inception-v4模型 结构:六大模块 1、stem(9层) 2、Inception-A(3*4层) 3、Reduction-A(3层) 4、Inception-B(5*7层) 5、Reduction-B(4层) 6、Inception-C(4*3层) 加一个全连接层,共76层 注: padding 两种模式: ·no padding 输入图像n*n,过滤器f*f,输出图像大小为:(n-f+1)2 ·Same  进行padding

  • Pytorch-搭建网络框架(二)2021-10-01 21:02:12

    Hello SYT 损失函数模块: 损失函数的构建分为选择损失函数,在循环中得到损失值并反向传播三步 loss_function = nn.CrossEntropyLoss() # 选择损失函数 #训练之后,获得outputs loss = loss_function(outputs, labels) # 得到损失值 loss.backward() # 反向传播 损失函数的选择

  • AutoSpeech: Neural Architecture Search for Speaker Recognition2021-09-13 15:00:35

    背景 经典的CNN可能并不适合声纹识别。本文提出了一种网络搜索的办法,来寻找最适合的network。 实现 search space:网络由多个cell,组成,每个cell的结构如下: 每个xi代表了一个tensor,每个edge代表了一种operation oij(.) 每个Cell包括2个input node、4个intermediate node、1个ou

  • UserWarning: size_average and reduce args will be deprecated, please use reduction='sum' i2021-08-24 16:01:34

    错误提示:    为pytorch不同版本进行更新迭代时引起的警告,某些参数被取代了 修正: criterion = torch.nn.BCELoss(size_average=True) 改为: criterion = torch.nn.BCELoss(reduction='mean') criterion = torch.nn.BCELoss(size_average=False) 改为: criterion = torch.nn.BCE

  • loss函数之L1Loss与MSELoss2021-06-14 23:29:26

    L1Loss 平均绝对误差(MAE),用于回归模型 对于包含 N N N个样本的batch数据 D ( x

  • 李宏毅机器学习课程笔记-15.1无监督学习简介2021-06-13 09:36:14

    目录聚类K-meansHAC降维引入降维降维作用原理如何实现降维生成 无监督学习(Unsupervised Learning)可以分为两类: 化繁为简 聚类(Clustering) 降维(Dimension Reduction) 无中生有 生成(Generation) 在无监督学习(Unsupervised Learning)中,数据集中通常只有\((x,\hat y)\)

  • nn.CrossEntropyLoss()->nn.SoftmaxCrossEntropyWithLogits2021-06-10 12:33:15

    问题描述: 在pytorch中,利用nn.CrossEntropyLoss()求取的loss值是一个tensor标量,但是利用mindspore中nn.SoftmaxCrossEntropyWithLogits()求取的loss值是一个矢量(因为batct_size是32,所以求得的loss也是一个32*1的矢量) 原因: 在pytorch中,nn.CrossEntropyLoss()的参数默认值reduction='

  • 一些建模中的问题2020-12-31 17:32:52

    1.是否需要降维? Dimensionality reduction we normally use it to visualize our data and to find hidden information we don't normally see. Also, it is use for optimizing of course this is under the assumption that when implementing dimensionality reduction to

  • 文献学习--Coverage-Based Clause Reduction Heuristics for CDCL Solvers2020-12-24 23:34:21

    Coverage-Based Clause Reduction Heuristics for CDCL Solvers Nabeshima H., Inoue K. (2017) Coverage-Based Clause Reduction Heuristics for CDCL Solvers. In: Gaspers S., Walsh T. (eds) Theory and Applications of Satisfiability Testing – SAT 2017. SAT 2017. L

  • torch.nn.CrossEntropyLoss()用法2020-12-17 22:03:47

    CLASS torch.nn.CrossEntropyLoss(weight: Optional[torch.Tensor] = None, size_average=None, ignore_index: int = -100, reduce=None, reduction: str = 'mean') 这个评价损失将 nn.LogSoftmax() 和 nn.NLLLoss() 结合在一个类中。 在训练带有C类的分类问题时很有用。

  • CV baseline之SENet2020-09-28 20:33:57

    1:文字回答:用自己的语言描述注意力机制的方式(最好有图)? 给特征图提供权重  2:文字回答:Excitation中的Reduction ratio是什么意思?有什么作用? r:控制第一个全连接层神经元个数。直接影响SE Block的参数量和计算量,r越大,参数越少;r=16时,在精度和参数上得到好的平衡  3:文字回答:SE-Module

  • 增量 t-SNE2020-06-11 19:05:52

      1)数据或训练过程变化; 2)分类问题,降维可视化后锚定分类中心不发生波动 (category center constrained dimension reduction)  

  • Pytorch MSELoss2020-06-07 13:51:55

    CLASS torch.nn.MSELoss(size_average=None, reduce=None, reduction='mean') Creates a criterion that measures the mean squared error (squared L2 norm) between each element in the input x and target yy. 创建一个准则测量输入x和目标y每个元素间的平方二范数。 x

  • sklearn概述2020-03-19 19:01:22

    Simple and efficient tools for predictive data analysis Accessible to everybody, and reusable in various contexts Built on NumPy, SciPy, and matplotlib Open source, commercially usable - BSD license 分类(Classification) 回归(Regression) 聚类(Clustering) 降

  • 第八周 第二部分2020-01-21 12:58:09

            维数约减 (dimensionality reduction)              

专注分享技术,共同学习,共同进步。侵权联系[81616952@qq.com]

Copyright (C)ICode9.com, All Rights Reserved.

ICode9版权所有