最近几篇较好论文实现代码(附源代码下载)

  • 《Towards Layer-wise Image Vectorization》(CVPR 2022)

GitHub: github.com/ma-xu/LIVE

Installation

We suggest users to use the conda for creating new python environment.

Requirement: 5.0<GCC<6.0; nvcc >10.0.

git clone git@github.com:ma-xu/LIVE.gitcd LIVE
conda create -n live python=3.7
conda activate live
conda install -y pytorch torchvision -c pytorch
conda install -y numpy scikit-image
conda install -y -c anaconda cmake
conda install -y -c conda-forge ffmpeg
pip install svgwrite svgpathtools cssutils numba torch-tools scikit-fmm easydict visdom
pip install opencv-python==4.5.4.60  # please install this version to avoid segmentation fault.cd DiffVG
git submodule update --init --recursive
python setup.py installcd ..

Run Experiments

conda activate live
cd LIVE
# Please modify the paramters accordingly.
python main.py --config <config.yaml> --experiment <experiment-setting> --signature <given-folder-name> --target <input-image> --log_dir <log-dir>
# Here is an simple example:
python main.py --config config/base.yaml --experiment experiment_5x1 --signature smile --target figures/smile.png --log_dir log/

  • 《Multimodal Token Fusion for Vision Transformers》(CVPR 2022)

GitHub: github.com/yikaiw/TokenFusion

  • 《PointAugmenting: Cross-Modal Augmentation for 3D Object Detection》(CVPR 2022)

GitHub: github.com/VISION-SJTU/PointAugmenting

  • 《Fantastic questions and where to find them: FairytaleQA -- An authentic dataset for narrative comprehension.》(ACL 2022)

GitHub: github.com/uci-soe/FairytaleQAData

  • 《LUNAR: Unifying Local Outlier Detection Methods via Graph Neural Networks》(AAAI 2022)

GitHub: github.com/agoodge/LUNAR

Firstly, extract data.zip

To replicate the results on the HRSS dataset with neighbour count k = 100 and "Mixed" negative sampling scheme

  • Extract saved_models.zip

  • Run:

python3 main.py--datasetHRSS--samplesMIXED--k 100

To train a new model:

python3 main.py--datasetHRSS--samplesMIXED--k 100 --train_new_model
  • 《Pseudo-Label Transfer from Frame-Level to Note-Level in a Teacher-Student Framework for Singing Transcription from Polyphonic Music》(ICASSP 2022)

GitHub: github.com/keums/icassp2022-vocal-transcription

  • 《Robust Disentangled Variational Speech Representation Learning for Zero-shot Voice Conversion》(ICASSP 2022)

GitHub: github.com/jlian2/Robust-Voice-Style-Transfer

Demo:https://jlian2.github.io/Robust-Voice-Style-Transfer/

  • 《HandoverSim: A Simulation Framework and Benchmark for Human-to-Robot Object Handovers》(ICRA 2022)

GitHub: github.com/NVlabs/handover-sim

2022-06-03 16:13:46: Running evaluation for results/2022-02-28_08-57-34_yang-icra2021_s0_test
2022-06-03 16:13:47: Evaluation results:
|  success rate   |    mean accum time (s)    |                    failure (%)                     |
|      (%)        |  exec  |  plan  |  total  |  hand contact   |   object drop   |    timeout     |
|:---------------:|:------:|:------:|:-------:|:---------------:|:---------------:|:--------------:|
| 64.58 ( 93/144) | 4.864  | 0.036  |  4.900  | 17.36 ( 25/144) | 11.81 ( 17/144) | 6.25 (  9/144) |
2022-06-03 16:13:47: Printing scene ids
2022-06-03 16:13:47: Success (93 scenes):
---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---
  0    1    2    3    4    5    6    7    8    9   10   12   13   15   16   17   18   19   21   22
 23   25   26   27   28   30   33   34   35   36   37   38   42   43   46   49   50   53   54   56
 59   60   62   63   64   66   68   69   70   71   72   77   81   83   85   87   89   91   92   93
 94   95   96   98  103  106  107  108  109  110  111  112  113  114  115  116  117  120  121  123
125  126  127  128  130  131  132  133  137  138  139  141  143
---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---
2022-06-03 16:13:47: Failure - hand contact (25 scenes):
---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---
 11   14   20   29   39   40   41   44   45   47   51   55   57   58   65   67   74   80   82   88
102  105  118  124  136
---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---
2022-06-03 16:13:47: Failure - object drop (17 scenes):
---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---
 24   31   32   52   61   78   79   84   86   97  101  104  119  122  134  140  142
---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---  ---
2022-06-03 16:13:47: Failure - timeout (9 scenes):
---  ---  ---  ---  ---  ---  ---  ---  ---
 48   73   75   76   90   99  100  129  135
---  ---  ---  ---  ---  ---  ---  ---  ---
2022-06-03 16:13:47: Evaluation complete.

  • 《CDLM: Cross-Document Language Modeling》(EMNLP 2021)

GitHub: github.com/aviclu/CDLM

You can either pretrain by yourself or use the pretrained CDLM model weights and tokenizer files, which are available on HuggingFace.

Then, use:

from transformers import AutoTokenizer, AutoModel
# load model and tokenizer
tokenizer = AutoTokenizer.from_pretrained('biu-nlp/cdlm')
model = AutoModel.from_pretrained('biu-nlp/cdlm')

  • 《Continual Learning for Task-Oriented Dialogue Systems》(EMNLP 2021)

GitHub: github.com/andreamad8/ToDCL

  • 《Torsional Diffusion for Molecular Conformer Generation》(2022)

GitHub: github.com/gcorso/torsional-diffusion

  • 《MMChat: Multi-Modal Chat Dataset on Social Media》(2022)

GitHub: github.com/silverriver/MMChat

  • 《Can CNNs Be More Robust Than Transformers?》(2022)

GitHub: github.com/UCSC-VLAA/RobustCNN

  • 《Revealing Single Frame Bias for Video-and-Language Learning》(2022)

GitHub: github.com/jayleicn/singularity

  • 《Progressive Distillation for Fast Sampling of Diffusion Models》(2022)

GitHub: github.com/Hramchenko/diffusion_distiller

  • 《Neural Basis Models for Interpretability》(2022)

GitHub: github.com/facebookresearch/nbm-spam

  • 《Scalable Interpretability via Polynomials》(2022)

GitHub: github.com/facebookresearch/nbm-spam

  • 《Infinite Recommendation Networks: A Data-Centric Approach》(2022)

GitHub: github.com/noveens/infinite_ae_cf

  • 《The GatedTabTransformer. An enhanced deep learning architecture for tabular modeling》(2022)

GitHub: github.com/radi-cho/GatedTabTransformer

Usage:

import torch
import torch.nn as nn
from gated_tab_transformer import GatedTabTransformer
 
 
model = GatedTabTransformer(
    categories = (10, 5, 6, 5, 8),      # tuple containing the number of unique values within each category
    num_continuous = 10,                # number of continuous values
    transformer_dim = 32,               # dimension, paper set at 32
    dim_out = 1,                        # binary prediction, but could be anything
    transformer_depth = 6,              # depth, paper recommended 6
    transformer_heads = 8,              # heads, paper recommends 8
    attn_dropout = 0.1,                 # post-attention dropout
    ff_dropout = 0.1,                   # feed forward dropout
    mlp_act = nn.LeakyReLU(0),          # activation for final mlp, defaults to relu, but could be anything else (selu, etc.)
    mlp_depth=4,                        # mlp hidden layers depth
    mlp_dimension=32,                   # dimension of mlp layers
    gmlp_enabled=True                   # gmlp or standard mlp
)
 
 
x_categ = torch.randint(0, 5, (1, 5))   # category values, from 0 - max number of categories, in the order as passed into the constructor above
x_cont = torch.randn(1, 10)             # assume continuous values are already normalized individually
 
 
pred = model(x_categ, x_cont)
print(pred)

  • 《Distract Your Attention: Multi-head Cross Attention Network for Facial Expression Recognition》(2022)

GitHub: github.com/yaoing/DAN

  • 《Towards Principled Disentanglement for Domain Generalization》(2021)

GitHub: github.com/hlzhang109/DDG

  • 《SoundStream: An End-to-End Neural Audio Codec》(2021)

GitHub: github.com/wesbz/SoundStream

  • 4
    点赞
  • 45
    收藏
    觉得还不错? 一键收藏
  • 1
    评论
Internet是目前世界上最大的计算机互联网络,它遍布全球,将世界各地各种规模的网络连接成一个整体。作为Internet上一种先进的,易于被人们所接受的信息检索手段,World Wide Web(简称WWW)发展十分迅速,成为目前世界上最大的信息资源宝库。据估计,目前Internet上已有上百万个Web站点,其内容范围跨越了教育科研、文化事业、金融、商业、新闻出版、娱乐、体育等各个领域,其用户群十分庞大,因此,建设一个好的Web站点对于一个机构的发展十分重要。近年来,随着网络用户要求的不断提高及计算机科学的迅速发展,特别是数据库技术在Internet中的广泛应用,Web站点向用户提供的服务将越来越丰富,越来越人性化。 我们发现这样一个事实,一个用户在访问一个网站时一般来讲只对该网站的部分内容感性趣,而且这种兴趣会持续一段时间。这点启发了我们,如果能根据用户的喜好为不同的用户显示其个性化的页面,即着重显示该用户感兴趣的内容,将为用户节约大量的检索时间,而且这样的网页显然是更具有吸引力的。一些站点已经在这方面作出了一定的尝试,通常采用的方法是,在用户登陆时为其提供一系列的选项,使用户能够对站点进行一些自主的设置。这样做能够使站点呈现一定程度的个性化,但是对用户来讲,还是比较烦琐,而且在用户了解一个站点前让其对站点进行设置,其结果未免有些粗糙。于是我们构想了这样一种方案,对用户登陆后的动作进行跟踪,分析,发掘用户点击的规律,即用户先后点击的关联规则,这样,在用户点击一个主题(链接)之后,系统能够自动生成一页面,其中包含了该主题下用户经常关注的内容(若干链接),这样便在无须用户作出任何额外工作的情况下实现了为用户量身订做的个性化页面。
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值