deal classification unsupervised graph-level

Supervised Machine Learning : Regression and Classification

The course is available at : Supervised Machine Learning: Regression and Classification - Week 1: Introduction to Machine Learning - Week 1 | Coursera ......

Language Models are Unsupervised Multitask Learners

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

GPT-2 《Language Models are Unsupervised Multitask Learners》解读

背景 GPT1采用了pre-train + fine-tuning训练方式,也就是说为了适应不同的训练任务,模型还是需要在特定任务的数据集上微调,仍然存在较多人工干预的成本。GPT-2 想彻底解决这个问题,通过 zero-shot,在迁移到其他任务上的时候不需要额外的标注数据,也不需要额外的模型训练 ......

《Progressive Learning of Category-Consistent Multi-Granularity Features for Fine-Grained Visual Classification》阅读笔记

论文标题 《Progressive Learning of Category-Consistent Multi-Granularity Features for Fine-Grained Visual Classification》 细粒度视觉分类中类别一致多粒度特征的渐进学习 作者 Ruoyi D ......

Fine-grained Visual Classification with High-temperature Refinement and Background Suppression

摘要 细粒度视觉分类是一项具有挑战性的任务,因为类别之间的相似性很高,单个类别中数据之间的差异不同。为了应对这些挑战,以前的策略侧重于定位类别之间的细微差异并理解其中的判别特征。然而,背景还提供了重要信息,可以告诉模型哪些特征对于分类是不必要的甚至有害,并且过于依赖细微特征的模型可能会忽略全局特征和 ......

New Type Functions/Utilities for Dealing with Ranges in C++20

Generic Types of Ranges 类型萃取从字面意思上来说其实就是帮助我们挑选某个对象的类型,筛选特定的对象来做特定的事。可以先来回顾一下以前的写法。 #include <vector> #include <iterator> int main() { std::vector v{1, ......
Functions Utilities Dealing Ranges Type

CA-TCC: 半监督时间序列分类的自监督对比表征学习《Self-supervised Contrastive Representation Learning for Semi-supervised Time-Series Classification》(时间序列、时序表征、时间和上下文对比、对比学习、自监督学习、半监督学习、TS-TCC的扩展版)

现在是2023年11月27日,10:48,今天把这篇论文看了。 论文:Self-supervised Contrastive Representation Learning for Semi-supervised Time-Series Classification GitHub:https://g ......
时间序列 时间 序列 supervised 时序

Multivariate time series classification pytorch lstm

import torch import torch.nn as nn import torch.optim as optim import numpy as np from sklearn.model_selection import train_test_split # 生成示例数据 np.ran ......

Kaggle:Otto Group Classification

Kaggle:Otto Group Classification 数据处理 导入相应的包之后,从csv文件中读取数据,指定id列为index列。本身id列也不携带预测信息。同时将训练数据和测试数据拼接在一起。 train_data = pd.read_csv("dataset/train.csv", ......
Classification Kaggle Group Otto

Applying sewage charging system to deal with water pollution problem in Russia.

What is the sewage charging system? Although manufacturing has always been a key driving force for China's economic growth, it is also the root cause  ......
pollution Applying charging problem sewage

《A Survey on Deep Learning-based Fine-grained Object Classification and Semantic Segmentation》阅读笔记

论文标题 《A Survey on Deep Learning-based Fine-grained Object Classification and Semantic Segmentation》 基于深度学习的细粒度对象分类和语义分割的综述 为什么是 “Object” 而不是 “image” 作 ......

CART(Classification and Regression Trees)

CART(Classification and Regression Trees)是一种常用的决策树算法,既可以用于分类问题,也可以用于回归问题。CART算法由Breiman等人于1984年提出,是一种基于递归二分划分的贪婪算法。以下是对CART算法的详细解释: 1. 决策树的构建过程: CART算 ......
Classification Regression Trees CART and

论文: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: ......

神经网络基础篇:详解二分类(Binary Classification)

二分类 注:当实现一个神经网络的时候,通常不直接使用for循环来遍历整个训练集(编程tips) 举例逻辑回归 逻辑回归是一个用于二分类(binary classification)的算法。首先从一个问题开始说起,这里有一个二分类问题的例子,假如有一张图片作为输入,比如这只猫,如果识别这张图片为猫,则 ......

【Kaggle】Spam/Ham Email Classification

基本思想 需求是对垃圾邮件进行分类。 思路1:使用LSTM、GRU等自带的时序模型进行分类。 思路2:使用spacy这个NLP库,里面的textcat可直接用来文本分类 实际上,思路2比思路1更优。由于是入门题,就只使用思路1了。 思路2代码参考:https://blog.csdn.net/qq_2 ......
Classification Kaggle Email Spam Ham

【PRC】鲁棒跨域伪标记和对比学习的无监督域自适应NIR-VIS人脸识别 Robust Cross-Domain Pseudo-Labeling and Contrastive Learning for Unsupervised Domain Adaptation NIR-VIS Face Recognition

【该文章为杨学长的文章,膜拜】 探索跨领域数据中的内在关系并学习领域不变表示 由于需要在低光照条件下实现24h的人脸识别,近红外加可见光的(NIR-VIS)人脸识别受到了更多的关注。但是数据标注是一个难点。该文章提出了Robust crossdomain Pseudo-labeling and Co ......

为什么我们需要不断的开发不同的机器学习模型 —— Do we Need Hundreds of Classifiers to Solve Real World Classification Problems?

论文: 《Do we Need Hundreds of Classifiers to Solve Real World Classification Problems?》 论文地址: https://jmlr.org/papers/volume15/delgado14a/delgado14a.pdf ......

(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基 ......

[论文阅读] ECOD: Unsupervised Outlier Detection Using Empirical Cumulative Distribution Functions

ECOD: Unsupervised Outlier Detection Using Empirical Cumulative Distribution Functions Author:Zheng Li, Yue Zhao, Student Member Xiyang Hu, Nicola Bot ......

AlexNet模型:ImageNet Classification with Deep Convolutional Neural Networks

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

Chinese-Text-Classification-PyTorch

Chinese-Text-Classification Github项目地址: https://github.com/JackHCC/Chinese-Text-Classification-PyTorch 作者:JackHCC 链接:https://www.jianshu.com/p/9438fd0 ......

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

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

Unsupervised Degradation Representation Learning f

Unsupervised Degradation Representation Learning for Blind Super-Resolution文献阅读 (2022.09.28)盲超分辨率的退化表征(向量)学习 摘要:大多数基于CNN的SR都是基于退化固定且可知这一假设。但是实际退化和假设不一 ......

Paper Reading: Hashing-Based Undersampling Ensemble for Imbalanced Pattern Classification Problems

针对欠采样方法会丢弃大量多数类样本导致信息缺失的问题,本文提出了基于哈希的欠采样集成 HUE 模型,它利用 Bagging 和多数类样本的分布特征来构建多样化的训练子集。首先 HUE 通过散列将大多数类样本划分为不同的特征子空间,然后使用所有少数样本和主要从同一哈希子空间中提取的部分多数样本来构建训... ......

论文解读(MTEM)《Meta-Tsallis-Entropy Minimization: A New Self-Training Approach for Domain Adaptation on Text Classification》

Note:[ wechat:Y466551 | 可加勿骚扰,付费咨询 ] 论文信息 论文标题:Meta-Tsallis-Entropy Minimization: A New Self-Training Approach for Domain Adaptation on Text Classific ......

[论文阅读] Momentum contrast for unsupervised visual representation learning

# Momentum contrast for unsupervised visual representation learning ## Introduction 我们提出了动量对比(MoCo)作为一种构建具有对比损失的无监督学习的大型一致字典的方法(图1)。 我们将字典维护为数据样本队列:当前 ......

论文解读(DEAL)《DEAL: An Unsupervised Domain Adaptive Framework for Graph-level Classification》

Note:[ wechat:Y466551 | 可加勿骚扰,付费咨询 ] 论文信息 论文标题:DEAL: An Unsupervised Domain Adaptive Framework for Graph-level Classification论文作者:Nan Yin、Li Shen、Baop ......

论文解读(TAMEPT)《A Two-Stage Framework with Self-Supervised Distillation For Cross-Domain Text Classification》

论文信息 论文标题:A Two-Stage Framework with Self-Supervised Distillation For Cross-Domain Text Classification论文作者:Yunlong Feng, Bohan Li, Libo Qin, Xiao Xu, ......

论文解读(IW-Fit)《Better Fine-Tuning via Instance Weighting for Text Classification》

Note:[ wechat:Y466551 | 可加勿骚扰,付费咨询 ] 论文信息 论文标题:Better Fine-Tuning via Instance Weighting for Text Classification论文作者:论文来源:2021 ACL论文地址:download 论文代码:d ......

论文解读(KD-UDA)《Joint Progressive Knowledge Distillation and Unsupervised Domain Adaptation》

Note:[ wechat:Y466551 | 可加勿骚扰,付费咨询 ] 论文信息 论文标题:Joint Progressive Knowledge Distillation and Unsupervised Domain Adaptation论文作者:Yanping Fu, Yun Liu论文来源 ......