ICode9

精准搜索请尝试: 精确搜索
  • cycleGAN代码实现(附详细代码注释)2022-08-18 16:33:00

    最近刚刚入门深度学习,试着复现cycleGAN代码。看了一个YouTube博主的cycleGAN代码,自己跟着写了一遍,同时加上了代码注释,希望能帮到同样的入门伙伴 下面的github地址 RRRRRBL/CycleGAN-Detailed-notes-: 内含cycleGAN代码,且有详细代码注释 (github.com) 在这里给出一个生成器的代码 i

  • Less is More: Reweighting Important Spectral Graph Features for Recommendation2022-07-28 22:04:40

    目录概符号说明动机本文方法微调的方法其它细节代码 Peng S., Sugiyama K. and Mine T. Less is more: reweighting important spectral graph features for recommendation. In International ACM SIGIR Conference on Research and Development in Information Retrieval (SIGI

  • mac docker Desktop daemon.json 配置2022-07-28 10:32:33

    { "builder": { "gc": { "defaultKeepStorage": "20GB", "enabled": true } }, "experimental": false, "features": { "buildkit": false }, "l

  • 或许是 WebGIS 下一代的数据规范 - OGC API 系列2022-07-20 08:36:33

    目录1. 前言1.1. 经典的 OGC 标准回顾1.2. 共同特点与时代变化1.3. 免责声明2. 什么是 OGC API2.1. OGC API 是一个开放、动态的规范族2.2. OGC API 特点2.3. 众 API 简述(2022年7月)3. 能用 OGC API 了吗3.1. 各 API 实现情况(官方统计)3.2. 前端地图库的实现① ArcGIS API for JavaS

  • ML: Anomaly Detection | Multivariate Gaussian Distribution2022-07-16 17:33:23

    Source: Coursera Machine Learning provided by Stanford University Andrew Ng - Machine Learning | Coursera Anomaly Detection assumption: Each feature follows Gaussian distribution: $$ x_j \sim N(\mu_j, \sigma_j^2) $$ And they are independent, i.e. for

  • HDL Bits---More Verilog Features2022-07-04 21:04:30

    2.5.1 Conditional temary operator  module top_module ( input [7:0] a, b, c, d, output [7:0] min);// wire [7:0]r1,r2;  //记得定义位宽 assign r1=(a<b)?a:b; assign r2=(c<d)?c:d; assign min=(r1<r2)?r1:r2;endmodule   2.5.2 Reduction operat

  • Neural Network模型复杂度之Batch Normalization - Python实现2022-06-30 23:36:10

    背景介绍 Neural Network之模型复杂度主要取决于优化参数个数与参数变化范围. 优化参数个数可手动调节, 参数变化范围可通过正则化技术加以限制. 本文从参数变化范围出发, 以Batch Normalization技术为例, 简要演示Batch Normalization批归一化对Neural Network模型复杂度的影响

  • 1103过拟合欠拟合2022-06-19 16:01:13

    点击查看代码 import math import numpy as np import torch from torch import nn from d2l import torch as d2l # 生成数据集 max_degree = 20 # 多项式的最大阶数 n_train, n_test = 100, 100 # 训练和测试数据集大小 true_w = np.zeros(max_degree) # 分配大量的空间 tr

  • 动手学深度学习01 线性回归从零实现2022-06-16 15:04:14

    1、导入库 # 设置图片画在网页上 %matplotlib inline import random import torch from d2l import torch as d2l 2、人工模拟数据 # 定义一个方法,生成人造数据集 def synthetic_data(w, b, num_examples): """生成 y = Xw + b + 噪声""" # 返回一个随机的张量 # no

  • Andrew Ng Machine Learning Notes2022-06-15 23:36:13

    Source: Coursera Machine Learning provided by Stanford University Andrew Ng - Machine Learning | Coursera Introduction definition:  A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P, if

  • RS学习12022-06-15 00:31:06

    torch-rechub安装 最新版(推荐) git clone https://github.com/datawhalechina/torch-rechub.git cd torch-rechub python setup.py install 安装过程中遇到问题:python setup.py install 执行python3 setup.py install 成功安装 深度学习推荐算法框架 FM学习 1、FM 前面一章介绍

  • ArcGIS API For JavaScript 利用GP服务生成等值线、等值面2022-06-11 16:00:44

    CJS代码参考如下: require([ "esri/map", "esri/layers/ArcGISTiledMapServiceLayer", "esri/layers/ArcGISDynamicMapServiceLayer", "esri/geometry/Point", "esri/SpatialReference",   "esri/layers/ImageParameters&q

  • 机器学习中训练和验证指标曲线图能告诉我们什么?2022-06-10 11:05:44

      我们在训练和验证模型时都会将训练指标保存成起来制作成图表,这样可以在结束后进行查看和分析,但是你真的了解这些指标的图表的含义吗? 在本文中将对训练和验证可能产生的情况进行总结并介绍这些图表到底能为我们提供什么样的信息。 让我们从一些简单的代码开始,以下代码建立

  • 20220516 Core Features - 9. Creating Your Own Auto-configuration2022-06-08 08:00:16

    前言 文档地址 如果您在一家开发共享库的公司工作,或者如果您在开源或商业库中工作,您可能想要开发自己的自动配置。自动配置类可以捆绑在外部 jar 中,并且仍然可以被 Spring Boot 拾取。 自动配置可以与提供自动配置代码以及您将使用的典型库的“启动器”(starter)相关联。我们首先介

  • pytorch模型定义常用函数以及resnet模型修改案例2022-05-29 16:35:37

    模型定义常用函数 利用nn.Parameter()设计新的层 import torch from torch import nn class MyLinear(nn.Module): def __init__(self, in_features, out_features): super().__init__() self.weight = nn.Parameter(torch.randn(in_features, out_features)) self

  • TensorFlow(五)Module & Layer2022-05-16 20:00:07

    本章介绍如何利用TF中的Module和Layer构建模型Model。 Model在TF中的定义: 可以用来计算Tensor的函数(前向传递) 含有一些可以用于训练的变量 Module 大多数模型可以视为Layer的集合,在TensorFlow中常用的Keras和Sonnet,都基于tf.Module,这样一个模型构建基类。 下面是一个简单的Modul

  • Google评分卡2022-05-12 15:31:07

    Google评分卡 0 - you are unfamiliar with the subject area. 1 - you can read / understand the most fundamental aspects of the subject area. 2 - ability to implement small changes, understand basic principles and able to figure out additional details with mini

  • mapbox 右键菜单栏2022-05-10 17:04:06

     //函数初始化时要进行监听 function rightMouseMenu(){                     var rightMenu = new SFMap.RightMenuControl({                     className: 'sfmap-ctrl-rightmenu-custom',                     // 菜单内容          

  • DeepLearning-语义分割数据处理实例2022-04-22 18:33:05

    数据集:Pascal VOC2012, 参考材料:动手学深度学习 以下示例实现了对数据的预读取,处理等操作 import os from random import shuffle from turtle import width import torch import torchvision from d2l import torch as d2l voc_dir = "./dataset/VOC2012/"# 数据读取 def read_v

  • ArcGIS Pro二次开发SDK 对象分割Edit Operation Split Features2022-04-10 22:34:08

    var splitFeatures = new EditOperation(); splitFeatures.Name = "Split Features"; var splitPoints = new List<MapPoint>() { mp1, mp2, mp3 }; //Split the feature at 3 points splitFeatures.Split(featureLayer, oid, splitPoints); // split usin

  • arcgis for js 前端GP服务调用2022-03-31 10:32:02

    1.先发布好GP服务,例子可参考:https://www.cnblogs.com/hjyjack9563-bk/p/16077788.html,发布好服务后可以看到浏览器如下类似的GP服务   2.前端要创建的 Geoprocessor对象 FeatureSet对象作为graphic的集合 注意:传参的参数名要跟服务里的参数名相对应      完整代码 //GP创

  • BDC project 记录2022-03-30 01:31:06

    \section{Problem Definition} There is a data set of records on drug reviews, and we need to develop algorithms to predict the rating level of a drug given by a review. In other words, this is a text classification problem. Comments, useful count, side ef

  • 自定义打印类信息:def __repr__(self)2022-03-28 15:32:05

    Example: import torch import torch.nn.functional as F from torch.nn.modules.module import Module from torch.nn.parameter import Parameter class GraphConvolution(Module): def __init__(self, in_features, out_features, dropout=0., act=F.relu):

  • 唐宇迪机器学习笔记5:K近邻算法实战2022-03-20 23:33:10

    目录 一、K近邻算法概述 1、Airbnb 房价预测任务 数据读取 数据特征 2、K近邻原理 3、距离的定义(欧氏距离) 4、实例 二、模型的评估 1、首先制定好训练集和测试集 2、基于单变量预测价格 3、进行衡量 三、数据预处理 特征数据预处理——标准化与归一化 标准化 归一化 四、sklearn

  • 论文笔记1 Learning Common and Specific Features for RGB-D Semantic Segmentation with Deconvolutional Ne2022-02-28 23:31:06

    论文发表于ECCV2016 最近一直在做室内语义分割的东西,所以读了这篇文章,之后的实验也准备在这个架构上进行。 Title Learning Common and Specific Features for RGB-D Semantic Segmentation with Deconvolutional Networks 使用反卷积网络学习rgb-d语义分割的通用和特定特征 Abstr

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

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

ICode9版权所有