Image inpainting partial convolutions github.
GitHub is where people build software.
Image inpainting partial convolutions github. To reproduce the problem of translation invariance in spatial interpolation, we designed an image of 256 * 256 to contain a rectangular Unofficial implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions". • Object removal or modification in the original images can be carried out through image inpainting methods. image-inpainting image-completion partial-convolutions generative-inpainting generative-image-inpainting statistics-of-patch-offsets Updated on May 13, 2020 Jupyter Notebook GitHub is where people build software. Reda, Karan Sapra, Zhiding Yu, Andrew Tao, Bryan Catanzaro NVIDIA Corporation Technical Report (Technical Report) 2018 Image Inpainting for Irregular Holes Using In this project I will be using 3 inpainting methods on MIT Places Dataset. Mar 22, 2024 · By using a classic U-Net architecture—except replacing convolution layers with partial convolutions—the partial convolution-based model is able to learn semantic information about the image that better fills in missing regions without leading to unwanted artifacts. - intrandom5/Image-inpainting-for-irregular-holes-using-partial-convolutions 🦙 LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions (WACV2022) - FushineX/lama-image_mask- Unofficial implementation of ''Partial Convolutions'' with PyTorch - IsHYuhi/Image_Inpainting_Using_Partial_Convolutions Contribute to vancheeswaran/Multi-Scale-Image-Inpainting-Through-Partial-Convolutions development by creating an account on GitHub. - GitHub - ayulockin/deepimageinpainting: Deep Image Inpainting using UNET like Vanilla Autoencoder and Partial Convolution based Autoencoder. 2. fixmyphoto. Contribute to kunal1173/Image_Inpainting development by creating an account on GitHub. arXiv preprint arXiv:1804. Aug 19, 2021 · Some traditional methods include image restoration by filling gap pixels using the nearby known pixels or using the moving average over the same. This project is a recreation of the paper Image Inpainting for Irregular Holes Using Partial Convolutions using CIFAR-10 dataset and Natural Images dataset from Kaggle. More than 83 million people use GitHub to discover, fork, and contribute to over 200 million projects. intrandom5 / Image-inpainting-for-irregular-holes-using-partial-convolutions Public Notifications You must be signed in to change notification settings Fork 0 Star 0 Code Pull requests Projects Security Insights 0 Closed Sort Sort Recently updated Furthest due date Closest due date Least complete Most complete Alphabetically Reverse Contribute to vancheeswaran/Multi-Scale-Image-Inpainting-Through-Partial-Convolutions development by creating an account on GitHub. Note that this is an ongoing re-implementation and I cannot fully reproduce the results. This is NOT an official implementation by the author. Existing deep learning based image inpainting methods use a standard convolutional network over the corrupted image, using con-volutional filter responses conditioned on both valid pixels as well as the substitute values in the masked holes (typically the mean value). We further include a mechanism to automatically generate an updated mask for the next layer as part of the forward pass. Shih, Ting-Chun Wang, Andrew Tao, Bryan Catanzaro, NVIDIA Corporation, [arXiv] Specific details of the architecture can be found in the paper, but essentially it's based on a UNet-like structure, where all normal convolutional layers are replace with partial convolutional layers, such that in all cases the image is passed through the network alongside the mask. Unofficial pytorch implementation of 'Image Inpainting for Irregular Holes Using Partial Convolutions' [Liu+, ECCV2018] Existing deep learning based image inpainting methods use a standard convolutional network over the corrupted image, using convolutional filter responses conditioned on both valid pixels as well as the substitute values in the masked holes (typically the mean value). The central idea of this work involves in its Partial Convolution layers, and specific high-level feature loss networks. 0. - ml-lab/image_inpainting This comprehensive project combines various techniques for image inpainting . For our project, we try to apply a pre-existing technique that uses partial convolutions, which can This is the PyTorch implementation of partial convolution layer. In Deep Image Inpainting using UNET like Vanilla Autoencoder and Partial Convolution based Autoencoder. Keras implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions" - quelladai/PConv-Keras Image Inpainting for Irregular Holes with Partial Convolution This repository contains the PyTorch implementation of the paper "Image Inpainting for Irregular Holes with Partial Convolution. • In this project, various algorithms of Partial Derivative Equation based and Exemplar-based families have been studied and implemented. Image inpainting for irregular holes using partial convolutions [C]//Proceedings of the European Conference on Computer Vision (ECCV). This often leads to artifacts such as color discrepancy and blurriness. pdf","path":"Final_Project. This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository. Training was furthermore performed using the Adam optimizer in two stages since batch normalization presents an issue for the masked convolutions (since mean and variance is calculated for hole pixels). GitHub is where people build software. Abstract. About Unofficial pytorch implementation of 'Image Inpainting for Irregular Holes Using Partial Convolutions' [Liu+, ECCV2018] Unofficial pytorch implementation of 'Image Inpainting for Irregular Holes Using Partial Convolutions' [Liu+, arXiv2018] Contribute to YB221/Image-Inpainting-using-Partial-Convolutional-Layers development by creating an account on GitHub. The baseline partial convolution model is outperformed by both of our proposed models, with the Attn-PConv model performing the best. 07723 1,000 iteration Unofficial implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions". pytorch-inpainting-with-partial-conv Official implementation is released by the authors. Oct 27, 2020 · Reproduction of Nvidia image inpainting paper "Image Inpainting for Irregular Holes Using Partial Convolutions" https://arxiv. Partial Convolutions for Image Inpainting using Keras \n Keras implementation of \"Image Inpainting for Irregular Holes Using Partial Convolutions\", https://arxiv. Sep 17, 2018 · Partial Convolution 圖像修復任務PConv簡介 — Image Inpainting for Irregular Holes Using Partial Convolutions Guilin Liu, Fitsum A. Besides, this project doesn't re-produce the full result in the paper! The next section will Image inpainting, or the act of filling up holes in an image, can be used for a variety of tasks. Code-Blooded-Human / Image-Inpainting-using-Partial-Convolutions Notifications Fork 0 Star 0 The use of partial convolutions with an automatic mask update step for achieving state-of-the-art on image inpainting. Image inpainting for irregular holes using partial convolutions [J]. A TensorFlow/Keras model for Image Inpainting using Partial Convolutions - Milestones - Code-Blooded-Human/Image-Inpainting-using-Partial-Convolutions Contribute to vancheeswaran/Multi-Scale-Image-Inpainting-Through-Partial-Convolutions development by creating an account on GitHub. [project] ECCV (image) Contextual-based image inpainting: Infer, match, and translate. , 2018. Beyond this I've set up four jupyter notebooks, which details the several steps I went through while implementing the May 26, 2022 · A re-implementation and modification of 'Image Inpainting for Irregular Holes Using Partial Convolutions' Dec 8, 2024 · Pytorch Implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions" - ECCV 2018 - YuITC/Image-Inpainting-using-Partial-Convolutions This is the PyTorch implementation of partial convolution layer. This is the Re-implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions". It can serve as a new padding scheme; it can also be used for image inpainting. This repository reproduces the NVIDIA paper as closely as possible from the paper description, using most of the the same hyper-parameters. 2 {"payload":{"allShortcutsEnabled":false,"fileTree":{"":{"items":[{"name":"Final_Project. My test results and test codes will be under this directory. Further included a mechanism to automatically generate an updated mask for the next layer as part of the forward pass. published by NVIDIA. About 复现Image Inpainting for Irregular Holes Using Partial Convolutions Readme In this repository, we reference the method presented in "Image Inpainting for Irregular Holes Using Partial Convolutions" from 2018 and apply this technique to inpaint faces and accessories. Image Inpainting for Irregular Holes Using Partial Convolutions. ai - MathiasGruber/PConv-Keras Sep 18, 2018 · 強烈建議先閱讀下面這篇, Partial Convolution 圖像修復任務PConv簡介 - Image Inpainting for Irregular Holes Using Partial Convolutions 因為此任務是上方的 PConv 的改進, 並且在上方這篇有介紹到 Conv 與 PConv 的差別。 可看到 Partial convolution 完就好, 後面的網路架構開始可略過 🦙 LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions, WACV 2022 - chiwuyin/lama2 《Image Inpainting for Irregular Holes Using Partial Convolutions》#ECCV2018 Liu G, Reda F A, Shih K J, et al. Unofficial implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions". 42 KB main Breadcrumbs Image-inpainting-for-irregular-holes-using-partial-convolutions / Pytorch Implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions" - ECCV 2018 - Activity · YuITC/Image-Inpainting-using-Partial-Convolutions This project is inspired from the original paper ”Image Inpainting for Irregular Holes Using Partial Convolutions” [4]. Partial convolution is masked and renormalized to be conditioned on only valid pixels. - Releases · intrandom5/Image-inpainting-for-irregular-holes-using-partial-convolutions 🦙 LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions, WACV 2022 - advimman/lama A TensorFlow/Keras model for Image Inpainting using Partial Convolutions - Code-Blooded-Human/Image-Inpainting-using-Partial-Convolutions Contribute to vancheeswaran/Multi-Scale-Image-Inpainting-Through-Partial-Convolutions development by creating an account on GitHub. More than 150 million people use GitHub to discover, fork, and contribute to over 420 million projects. Basically, given the convolutional filter W and the corresponding bias b, the following partial convolution is applied instead of a normal convolution: where ⊙ is element-wise multiplication and M is a binary mask of 0s and 1s. ai - GitHub - avansp/partial-convolution-keras: Unofficial implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions". 'Image Inpainting for Irregular Holes Using Partial Convolutions' first tensorflow primary instance, fully implemented using tensorflow, without modifying the source code. Security: intrandom5/Image-inpainting-for-irregular-holes-using-partial-convolutions Code-Blooded-Human / Image-Inpainting-using-Partial-Convolutions Public Notifications You must be signed in to change notification settings Fork 0 Star 0 Insights Demo and Docker image on Replicate Would you like to travel to a touristic spot and yet appear alone in the photos? Person remover is a project that uses partial convolutions to remove people or other objects from photos. You should notice that it's not the official implementation. org/abs/1804. An attempt at a PyTorch implementation of Image Inpainting for Irregular Holes Using Partial Convolutions, with the Partial Convolution replaced by gated convolution. A re-implementation and modification of 'Image Inpainting for Irregular Holes Using Partial Convolutions' and 'Free-Form Image Inpainting with Gated Convolution' Dogs vs Cats Image Inpainting With Partial Convolution Unofficial implementation of Liu et al. Shih, Ting-Chun Wang, Andrew Tao, Bryan Catanzaro People removal in images using partial convolutions. g. Dismiss alert intrandom5 / Image-inpainting-for-irregular-holes-using-partial-convolutions Public Notifications You must be signed in to change notification settings Fork 0 Star 0 Code Issues Pull requests Projects Security Insights GitHub is where people build software. 2018: 85-100. 19th] We have released our latest paper titled "StableV2V: Stablizing Shape Consistency in Video-to-Video Editing", with the correponding code, model weights, and a testing benchmark GitHub is where people build software. Shih, Ting-Chun Wang, Fitsum A. Shih, Ting-Chun Wang, Andrew Tao, Bryan Catanzaro ECCV 2018 Paper Project Video Fortune Forbes GTC Keynote Live Demo with NVIDIA CEO Jensen Huang Video-to-Video Synthesis PConv_in_tf 'Image Inpainting for Irregular Holes Using Partial Convolutions' first tensorflow primary instance, fully implemented using tensorflow, without modifying the source code. For partial convolutions, the code by naoto0804 has been adapted, whereas for segmentation models, either torch hub models or the code by MIT CSAIL Computer Vision, have been Implementation of 'Image Inpainting for Irregular holes using Partial Convolutions. Implementation of 'Image Inpainting for Irregular holes using Partial Convolutions. ai - ksauka/PConv-Keras A TensorFlow/Keras model for Image Inpainting using Partial Convolutions - Code-Blooded-Human/Image-Inpainting-using-Partial-Convolutions The primary implementations of the new PConv2D keras layer as well as the UNet -like architecture using these partial convolutional layers can be found in libs/pconv_layer. This implementation was inspired by and is partially based on the early version of this repository. Image_Inpainting_using_partial_convolutions. ipynb at master Unofficial implementation of 'Image Inpainting for Irregular Holes Using Partial Convolutions' - Finomnis/inpaint-pconv Sep 17, 2018 · Guilin Liu, Fitsum A. ECCV (image) Image inpainting for irregular holes using partial convolutions. Reda, Karan Sapra, Zhiding Yu, Andrew Tao, Bryan Catanzaro NVIDIA Corporation Technical Report (Technical Report) 2018 Image Inpainting for Irregular Holes Using The model structure is U-Net like, but all convolutions are replaced by the partial convolution from Liu, etc's paper Image Inpainting for Irregular Holes Using Partial Convolutions, which is similar to a weighted convolution with respect to image holes. The proposed Attn-PConv model is able to infill missing pixels with relatively less training time when compared to some This project is trying to re-produce the concept of the Nvidia's paper - Image Inpainting for Irregular Holes Using Partial Convolutions[1]. Partial Convolution based Padding Guilin Liu, Kevin J. 07723, 2018. Architecture may not be an exact match of due to the limited description of hyperparameters and architecture details. PyTorch implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions (ECCV 2018)" - xiefan-guo/PConv May 13, 2024 · In this work, we demonstrated the use of Partial Convolutions for RGBD image inpainting. Partial Convolutions (2018) For this research, Nvidia did not share all the code files for inpainting. This is a PyTorch implementation of the 2018 paper Image Inpainting for Irregular Holes Using Partial Convolutions, Liu et al. Pytorch Implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions" - ECCV 2018 - YuITC/Image-Inpainting-using-Partial-Convolutions Contribute to vancheeswaran/Multi-Scale-Image-Inpainting-Through-Partial-Convolutions development by creating an account on GitHub. - Issues · intrandom5/Image-inpainting-for-irregular-holes-using-partial-convolutions Contribute to vancheeswaran/Multi-Scale-Image-Inpainting-Through-Partial-Convolutions development by creating an account on GitHub. 🔥 [Nov. 论文信息 论文标题:《Image Inpainting for Irregular Holes Using Partial Convolutions》 论文链接:ECCV 2018 Open Access Repository Existing deep learning based image inpainting methods use a standard convolutional network over the corrupted image, using convolutional filter responses conditioned on both valid pixels as well as the substitute values in the masked holes (typically the mean value). Then when you click "infill", the image and mask are sent to a PartialConvUNet in the backend which infills your image using AI. About Unofficial implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions" In this project I will be using 3 inpainting methods on MIT Places Dataset. random mask generator using OpenCV, were taken and used here. pdf","contentType":"file"},{"name":"MSFEF. Code-Blooded-Human / Image-Inpainting-using-Partial-Convolutions Public Notifications Fork 0 Star 0 Contribute to vancheeswaran/Multi-Scale-Image-Inpainting-Through-Partial-Convolutions development by creating an account on GitHub. " Image Inpainting Based on Partial Convolutions in Keras Unofficial implementation of Liu et al. It can serve as a new padding scheme; it can also be used for image inpainting Mar 22, 2024 · As seen in Figure 2, partial convolutions for image inpainting improved on previous classical implementations, such as PatchMatch [1], which used efficient nearest-neighbor approaches to determine how to fill in the missing regions. The official implementation is here. Shih, Ting-Chun Wang, Andrew Tao, Bryan … Generative Inpainting (2018) For this approach I worked with the offical code and design. py, respectively - this is where the bulk of the implementation can be found. Post-processing is usually used to reduce such artifacts Unofficial implementation of ''Partial Convolutions'' with PyTorch - IsHYuhi/Image_Inpainting_Using_Partial_Convolutions It is an ancient art of fixing accidental damage and recreating lost information. 07723. A PyTorch Implementation of the paper, Image Inpainting for Irregular Holes Using Partial Convolutions. Partial Convolutions for Image Inpainting using Keras Keras implementation of " Image Inpainting for Irregular Holes Using Partial Convolutions ", https://arxiv. Existing deep learning based image inpainting methods use a standard convolutional network over the corrupted image, using convolutional filter responses conditioned on both valid pixels as well as the substitute values in the masked holes (typically the mean value). 07723 1,000 iteration This reposititory provides data and codes used in the paper Position-Dependent Partial Convolutions for Supervised Spatial Interpolation in ACML2022 and MLWA. So I won't add the same codes to this repository. We proposed the two models L-PConv and Attn-PConv. A re-implementation and modification of 'Image Inpainting for Irregular Holes Using Partial Convolutions' This is the PyTorch implementation of partial convolution layer. Created an implementation of this paper. Substituting convolutional layers with partial convolutions and mask updates can achieve state-of-the-art inpainting results. py and libs/pconv_model. It can be used in image editing to get rid of certain objects or to clean up an image. We propose the use of a partial convolution layer with an automatic mask updat-ing mechanism and achieve state-of-the-art image inpainting results. - Image-Inpainting/Partial Convolutions/Step4 - Places2Training. Many ideas, e. History History 47 lines (36 loc) · 1. It includes Fast Marching Method (FMM) for image inpainting, and partial convolutions for image inpainting using Keras. So I worked Tensorflow simplified implementation of NVIDIA's "Image Inpainting for Irregular Holes Using Partial Convolutions" paper by Guilin Liu, Fitsum A. Given an input image and a mask image, the AI predicts and repair the Image-Inpainting-using-Partial-Convolutions Pytorch Implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions" - ECCV 2018 YuITC / Image-Inpainting-using-Partial-Convolutions Public Notifications You must be signed in to change notification settings Fork 0 Star 0 Code Projects Security Insights Jul 30, 2024 · In this work, a multi-stage inpainting approach is proposed, which applies a series of partial inpainting modules and a progressive inpainting module with improved partial convolutions to successivel Official implementation is released by the authors. If you have any suggestions about this repository, please feel free to start a new issue or pull requests. 1 代码结构 6. More than 100 million people use GitHub to discover, fork, and contribute to over 420 million projects. More than 100 million people use GitHub to discover, fork, and contribute to over 330 million projects. ipynb Aug 2, 2019 · [고문서복원] Partial Convolutions 논문 & 코드 리뷰 7 분 소요 Image Inpainting for Irregular Holes Using Partial Convolutions 논문링크 code yejg2017 / Inpainting-with-partial-conv Star 0 Code Issues Pull requests Unofficial pytorch implementation of 'Image Inpainting for Irregular Holes Using Partial Convolutions' [Liu+, ECCV2018] pytorch gan image-inpainting Updated on Nov 27, 2018 Python Sep 17, 2018 · 前置知識 強烈建議先閱讀下面這篇, Partial Convolution 圖像修復任務PConv簡介 — Image Inpainting for Irregular Holes Using Partial Convolutions 因為此任務是上方的 PConv 的改進, 並且在上方這篇有介紹到 Conv 與 PConv 的差別。 可看到 Partial convolution 完就好, 後面的網路架構開始可略過。 概念 我們下方會對 Gated May 15, 2017 · Image inpainting using GAN and/or partial convolution with progressive growing training scheme. Reda, Kevin J. Nov 27, 2019 · 部分卷积 UNet-like structure Reference paper - Image Inpainting for Irregular Holes Using Partial Convolutions keras 实现 Brief Partial Convolution Layer ICCV 2019 Paper Image Inpainting for Irregular Holes Using Partial Convolutions Guilin Liu, Fitsum A. This is a non-official re-implementation of article: [ECCV 18] Image Inpainting for Irregular Holes Using Partial Convolutions. The aim of this paper is to perform image inpainting using robust deep learning methods that use partial convolution layers. Our model can robustly handle holes of any shape, size location, or distance from the image borders. There are many approaches to image inpainting, but many are related to filling images with rectangular holes. Contribute to vancheeswaran/Multi-Scale-Image-Inpainting-Through-Partial-Convolutions development by creating an account on GitHub. Oct 12, 2022 · A paper summary of image inpainting. - fzehracetin/Image-Inpainting About Unofficial implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions". A TensorFlow/Keras model for Image Inpainting using Partial Convolutions - Milestones - Code-Blooded-Human/Image-Inpainting-using-Partial-Convolutions To restore textures at a fine-grained level, a multi-stage inpainting approach is proposed, which applies a series of partial inpainting modules as well as a progressive inpainting module to inpaint missing areas from their boundaries to the centre successively. Contribute to geekyutao/Image-Inpainting development by creating an account on GitHub. A TensorFlow/Keras model for Image Inpainting using Partial Convolutions - Code-Blooded-Human/Image-Inpainting-using-Partial-Convolutions Contribute to singhrk45/Object-Removal-Image-inpainting- development by creating an account on GitHub. We propose the use of partial convolutions, where the convolution is masked and renormalized to be conditioned on only valid pixels. This is the PyTorch implementation of partial convolution layer. Many ideas used here were came from this & this brilliant repositories. Image Inpainting using Partial Convolutions on Google Colaboratory This is the Google Colaboratory implementation of Liu et al. Shih, Ting-Chun Wang, Andrew Tao, Bryan Catanzaro; “Image Inpainting for Irregular Holes Using Partial Convolutions”; The European Conference on Computer Vision (ECCV), 2018. You can check code files from their Github and follow the steps for training. Try at: www. Differences between theirs and mine: Support for Tensorflow 2. From top to bottom, The input image, The mask image, The raw output, The outpu with ground truth except for mask area, and the ground truth image. Paddle_PConv Image Inpainting for Irregular Holes Using Partial Convolutions 论文复现 English | 简体中文 [Paddle_PConv]) 一、简介 二、复现精度 三、数据集 四、环境依赖 五、快速开始 step1:克隆 step2:训练 step3:测试 使用预训练模型预测 六、代码结构与详细说明 6. Jan 24, 2018 · Keyword [Partial Convolution] Liu G, Reda F A, Shih K J, et al. The frontend allows you to upload an image and erase parts of it with the mouse. intrandom5 / Image-inpainting-for-irregular-holes-using-partial-convolutions Public This GitHub repository summarizes papers and resources related to the image inpainting task. Suggestions and PRs are welcome! This is an unofficial pytorch implementation of a paper, Image Inpainting for Irregular Holes Using Partial Convolutions [Liu+, arXiv2018]. - javirk/Person-remover-partial-convolutions Pytorch Implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions" - ECCV 2018 - Milestones - YuITC/Image-Inpainting-using-Partial-Convolutions A key element in this implementation is the partial convolutional layer. Unlike traditional methods that rely on filling missing areas with constant values, partial convolutions condition the convolution operation on valid pixels, leading to more realistic and coherent Training Procedure Network was trained on ImageNet with a batch size of 1, and each epoch was specified to be 10,000 batches long. This approach of image inpainting is capable of restoring image with any arbitrary shaped holes. This project implements image inpainting using Partial Convolutions, a technique introduced by NVIDIA researchers to address the challenge of reconstructing missing or corrupted regions in images. Importantly, after each partial convolution, the mask is also updated, so that if the Mar 29, 2021 · Overview Inpaining With Partial Conv is a machine learning model for Image Inpainting published by NVIDIA in December 2018. Reda, Karan Sapra, Zhiding Yu, Andrew Tao, Bryan Catanzaro NVIDIA Corporation Technical Report (Technical Report) 2018 Image Inpainting for Irregular Holes Using Reproduction of Nvidia image inpainting paper "Image Inpainting for Irregular Holes Using Partial Convolutions" - SeitaroShinagawa/chainer-partial_convolution_image . Jul 30, 2024 · We propose the use of improved partial convolutions on our inpainting modules which require a convolution kernel to contain more than a certain proportion of known pixels in a convolution operation. Post-processing is usually used to reduce Image Inpainting for Irregular Holes Using Partial Convolutions, Guilin Liu, Fitsum A. nhcdd gndhr spsmvfis emrb myorzkc kndtx yyabk bntgw nxost jpiqn