Adaptive Conformal Prediction by Reweighting Nonconformity Score

Adaptive Conformal Prediction by Reweighting Nonconformity Score

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract Predictive Interval (PI) given by Conformal Prediction (CP) may not reflect the uncertainty of a given model. We propose using a Quantile Regression Forest (QRF) to learn the distribution of nonconformity scores and utilizing the QRF’s weights to assign more importance to samples with residuals similar to the test point. This approach results in PI lengths that are more aligned with the model’s uncertainty....

March 22, 2023 · 790 words · Salim I. Amoukou, Nicolas J. B Brunel
RepoCoder: Repository-Level Code Completion Through Iterative Retrieval and Generation

RepoCoder: Repository-Level Code Completion Through Iterative Retrieval and Generation

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract RepoCoder is a framework to address the challenge of repository-level code completion. RepoCoder utilizes a similarity-based retriever and a pre-trained code language model. RepoCoder uses a novel iterative retrieval-generation paradigm. RepoEval is a new benchmark for testing the performance of RepoCoder. RepoCoder significantly improves the zero-shot code completion baseline. Paper Content Introduction Awareness of other files in repository is important for software production....

March 22, 2023 · 1082 words · Fengji Zhang, Bei Chen, Yue Zhang, Jin Liu, Daoguang Zan and 3 others
RaBit: Parametric Modeling of 3D Biped Cartoon Characters with a Topological-consistent Dataset

RaBit: Parametric Modeling of 3D Biped Cartoon Characters with a Topological-consistent Dataset

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract Introducing 3DBiCar, a large-scale dataset of 3D biped cartoon characters Introducing RaBit, a parametric model built upon 3DBiCar Applications of 3DBiCar and RaBit include single-view reconstruction, sketch-based modeling, and 3D cartoon animation Part-sensitive texture reasoner used to make local areas more detailed Paper Content Introduction Rapid development of digitization leads to demand for high-quality 3D articulated characters Creating 3D characters is labor-intensive and time-consuming 3D sensing devices make capturing 3D data from the real world convenient Parametric models and deep learning techniques can infer accurate 3D digital humans from single-view images or sparse sketches Introduction of 3DBiCar, a large-scale 3D biped cartoon character dataset with 1,500 high-quality 3D models RaBit, a generative model for 3D biped cartoon character generation BiCar-Net, a baseline method for single-view reconstruction Applications of sketch-based modeling and 3D character animation Related work 3D character datasets can be categorized as real-captured and computer-designed Real-captured datasets focus on human faces and bodies FaceWarehouse and FaceScape collect 3D faces with high diversity CAE-SAR dataset is widely used for body shape modeling Computer-designed datasets lack diversity and are unsatisfactory 3DCaricShop and SimpModeling help with unreal character heads 3DBiCar is a large 3D biped cartoon character dataset Parametric shape modeling uses PCA and 3DMM Parametric texture modeling uses deep neural networks GANFIT, StylePeople, and GET3D use neural texture synthesis Dataset Digitizing realistic and articulated human characters has made progress, but creating visually plausible biped cartoon characters is still difficult....

March 22, 2023 · 1024 words · Zhongjin Luo, Shengcai Cai, Jinguo Dong, Ruibo Ming, Liangdong Qiu and 2 others
MEGA: Multilingual Evaluation of Generative AI

MEGA: Multilingual Evaluation of Generative AI

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract Generative AI models have impressive performance on NLP tasks. Evaluating generative AI is challenging. MEGA is a benchmark for generative LLMs, covering 8 tasks and 33 languages. Comparing generative LLMs to SOTA non-autoregressive models. Analysis of performance across languages and directions for future progress. Paper Content Introduction Generative Large Language Models (LLMs) have created a lot of interest due to their capabilities LLMs have been tested on languages other than English with varying results GPT-4 model was evaluated on the MMLU multiple choice questions benchmark in 26 languages GPT-3, BLOOM and PaLM models have been trained on multiple languages It is unclear how well LLMs perform across diverse tasks and languages Most of the world’s population is under-served in terms of availability of data for their languages Evaluation of LLMs has been an active area of research with multiple benchmarks Challenges of scaling up multilingual evaluation due to lack of resources and infrastructure Limitations of using translated datasets for evaluation Holistic evaluation of generative AI models for English (HELM) Bang et al....

March 22, 2023 · 1011 words · Kabir Ahuja, Rishav Hada, Millicent Ochieng, Prachi Jain, Harshita Diddee and 6 others
Large Language Models Can Be Used to Estimate the Ideologies of Politicians in a Zero-Shot Learning Setting

Large Language Models Can Be Used to Estimate the Ideologies of Politicians in a Zero-Shot Learning Setting

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract LLMs can be used to measure latent ideology of lawmakers LLMs can be used to better understand how politics shape policy LLMs can produce stable answers across repeated iterations LLMs can be used to collect data and retrieve information LLMs can open new avenues for measuring latent constructs Paper Content Introduction Evaluating whether generative large language models can be useful for scaling in the social sciences Measuring latent ideology reduces complexity of actions and stances of lawmakers Assessing core democratic functions Traditional approaches to measuring latent ideology have limitations Estimating latent ideological scores of 116th United States Congress Using Bradley-Terry model to estimate scores (ChatScores) Comparing ChatScores to other scales of ideology ChatScores predict human evaluations of ideologies of senators better than other measures Generative large language models have potential to shape text-as-data methods in the social sciences A brief overview of chatgpt ChatGPT stands for Chat Generative Pretrained Transformer It is built on GPT-3 It assigns a weight to each element of the input sequence It is specifically trained to be a chatbot using RLHF It can generate human-like responses It can produce incorrect responses It can generate text with biases, negative stereotypes, and unfair associations Social scientists have studied the properties and applications of large language models Using the bradley-terry model to estimate ideology Bradley-Terry model assumes that the odds of one player beating another is based on their “ability” Log-odds of one player beating another is defined ChatGPT used to estimate the ideology of each senator ChatScores highly correlate with the first dimension of DW-NOMINATE (0....

March 21, 2023 · 522 words · Patrick Y. Wu, Joshua A. Tucker, Jonathan Nagler, Solomon Messing
Visual Representation Learning from Unlabeled Video using Contrastive Masked Autoencoders

Visual Representation Learning from Unlabeled Video using Contrastive Masked Autoencoders

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract Masked Autoencoders (MAEs) learn self-supervised representations by randomly masking input image patches and a reconstruction loss. Contrastive learning self-supervised methods encourage two versions of the same input to have a similar representation, while pulling apart the representations for different inputs. ViC-MAE combines MAE and contrastive learning by pooling the local feature representations learned under the MAE reconstruction objective and leveraging this global representation under a contrastive objective across video frames....

March 21, 2023 · 879 words · Jefferson Hernandez, Ruben Villegas, Vicente Ordonez
Text2Room: Extracting Textured 3D Meshes from 2D Text-to-Image Models

Text2Room: Extracting Textured 3D Meshes from 2D Text-to-Image Models

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract Text2Room is a method for generating 3D meshes from text prompts. Pre-trained 2D text-to-image models are used to create a sequence of images from different poses. Monocular depth estimation and a text-conditioned inpainting model are used to lift the images into a 3D scene representation. A tailored viewpoint selection is used to fuse the content of each image into a seamless, textured 3D mesh....

March 21, 2023 · 724 words · Lukas Höllein, Ang Cao, Andrew Owens, Justin Johnson, Matthias Nießner
Probabilistic Domain Adaptation for Biomedical Image Segmentation

Probabilistic Domain Adaptation for Biomedical Image Segmentation

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract Segmentation is an important task in biomedical imaging. Deep learning is limited in its ability to generalize across different experimental settings. Domain adaptation is a way to train a model on a source dataset with labels and apply it to a target dataset without labels. We propose a probabilistic domain adaptation method based on self-training and the Probabilistic UNet....

March 21, 2023 · 523 words · Anwai Archit, Constantin Pape
ExtremeNeRF: Few-shot Neural Radiance Fields Under Unconstrained Illumination

ExtremeNeRF: Few-shot Neural Radiance Fields Under Unconstrained Illumination

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract Proposes a new challenge for synthesizing a novel view in a practical environment with limited input images and significant illumination variations Suggests ExtremeNeRF to address the problem, which utilizes occlusion-aware multiview albedo consistency, supported by geometric alignment and depth consistency Extracts intrinsic image components that are illumination-invariant across different views Provides extensive experimental results for an evaluation of the task using the newly built NeRF Extreme benchmark Paper Content Introduction Neural radiance fields (NeRF) have had significant impacts on 3D scene reconstruction and novel view synthesis Various aspects of NeRF have been improved, such as generalization ability, representation ability, and practicality ExtremeNeRF provides reliable novel view synthesis results compared to the state-of-the-art method NeRF often struggles to render large-size patches due to complexity ExtremeNeRF enforces consistency among intrinsic components between input and rendered views A new NeRF Extreme dataset has been proposed, which is the first in-the-wild multi-view dataset with both indoor and outdoor scenes taken under varying illumination ExtremeNeRF provides plausible few-shot view synthesis and video rendering results with fewer inputs and varying illumination Related work Few-shot NeRF leverages knowledge priors to improve performance Depth and geometry priors are used NeRF-W enables view synthesis of internet photos taken under varying illumination Tancik et al....

March 21, 2023 · 830 words · SeokYeong Lee, JunYong Choi, Seungryong Kim, Ig-Jae Kim, Junghyun Cho
Equiangular Basis Vectors

Equiangular Basis Vectors

Link to paper The full paper is available here. You can also find the paper on PapersWithCode here. Abstract Propose Equiangular Basis Vectors (EBVs) for classification tasks. Learn a transformation function that maps training data points from the original space to a new space where similar points are closer while dissimilar points become farther apart. Generate normalized vector embeddings as “predefined classifiers” which are required to not only be with the equal status between each other, but also be as orthogonal as possible....

March 21, 2023 · 964 words · Yang Shen, Xuhao Sun, Xiu-Shen Wei