LSGAN은 기존의 GAN loss가 아닌 MSE loss를 사용하여, 더욱 realistic한 데이터를 생성함.
LSGAN 논문 리뷰 및 PyTorch 기반의 구현.
[참고]
Mao, Xudong, et al. "Least squares generative adversarial networks." Proceedings of the IEEE International Conference on Computer Vision. 2017.
Deep learning기법을 이상진단 등에 적용할 경우, 정상과 이상 data-set간의 심각한 unbalance가 문제. 본 논문에서는 GAN 기법을 이용하여 정상 data-set만의 Manifold(축약된 모델)를 찾아낸 후 Query data에 대하여 기 훈련된 GAN 모델로 Manifold로의 mapping을 수행함으로서 기 훈련된 정상 data-set과의 차이가 있는지 여부를 판단하여 Query data의 이상 유무를 결정하고 영상 내에 존재하는 이상 영역을 pixel-wise segmentation 하여 제시함.
2019年6月13日、SSII2019 Organized Session: Multimodal 4D sensing。エンドユーザー向け SLAM 技術の現在。登壇者:武笠 知幸(Research Scientist, Rakuten Institute of Technology)
https://confit.atlas.jp/guide/event/ssii2019/static/organized#OS2
"3D Gaussian Splatting for Real-Time Radiance Field Rendering"은 고화질의 실시간 복사장 렌더링을 가능하게 하는 새로운 방법을 소개합니다. 이 방법은 혁신적인 3D 가우시안 장면 표현과 실시간 차별화 렌더러를 결합하여, 장면 최적화 및 새로운 시점 합성에서 상당한 속도 향상을 가능하게 합니다. 기존의 신경 복사장(NeRF) 방법들이 광범위한 훈련과 렌더링 자원을 요구하는 문제에 대한 해결책을 제시하며, 1080p 해상도에서 실시간 성능과 고품질의 새로운 시점 합성을 위해 설계되었습니다. 이는 이전 방법들에 비해 효율성과 품질 면에서 진보를 이루었습니다
A study summary on Generative Adversarial Network (GAN)
Alone with Youtube Video in Mandarine (https://www.youtube.com/watch?v=c6mngSqcSIw&feature=youtu.be)
In 4 angles:
GAN Training
GAN vs Latent Space
GAN Autoencoder
Super Resolution GAN
cvpaper.challenge の Meta Study Group 発表スライド
cvpaper.challenge はコンピュータビジョン分野の今を映し、トレンドを創り出す挑戦です。論文サマリ・アイディア考案・議論・実装・論文投稿に取り組み、凡ゆる知識を共有します。2019の目標「トップ会議30+本投稿」「2回以上のトップ会議網羅的サーベイ」
http://xpaperchallenge.org/cv/
Objects as points (CenterNet) review [CDM]Dongmin Choi
The document proposes representing objects as single center points rather than bounding boxes. This allows detecting objects through keypoint estimation using a single neural network without post-processing. The method, called CenterNet, predicts center points along with object properties like size in one forward pass. Experiments show CenterNet runs in real-time and is simpler, faster and more accurate than two-stage detectors that require additional pre and post-processing steps. It provides a new direction for real-time object recognition.
Tutorial on Object Detection (Faster R-CNN)Hwa Pyung Kim
The document describes Faster R-CNN, an object detection method that uses a Region Proposal Network (RPN) to generate region proposals from feature maps, pools features from each proposal into a fixed size using RoI pooling, and then classifies and regresses bounding boxes for each proposal using a convolutional network. The RPN outputs objectness scores and bounding box adjustments for anchor boxes sliding over the feature map, and non-maximum suppression is applied to reduce redundant proposals.
The document discusses two recent papers on off-policy meta-reinforcement learning:
1) "Efficient Off-Policy Meta-Reinforcement Learning via Probabilistic Context Variables" which introduces PEARL, an off-policy method for meta RL using context variables to enable efficient adaptation.
2) "Guided Meta-Policy Search" which uses a two-level approach of task learning and meta-learning, where task learning trains policies via RL and meta-learning trains a meta-objective via imitation. Both papers aim to enable efficient off-policy adaptation in meta RL.
발표자: 최윤제(고려대 석사과정)
최윤제 (Yunjey Choi)는 고려대학교에서 컴퓨터공학을 전공하였으며, 현재는 석사과정으로 Machine Learning을 공부하고 있는 학생이다. 코딩을 좋아하며 이해한 것을 다른 사람들에게 공유하는 것을 좋아한다. 1년 간 TensorFlow를 사용하여 Deep Learning을 공부하였고 현재는 PyTorch를 사용하여 Generative Adversarial Network를 공부하고 있다. TensorFlow로 여러 논문들을 구현, PyTorch Tutorial을 만들어 Github에 공개한 이력을 갖고 있다.
개요:
Generative Adversarial Network(GAN)은 2014년 Ian Goodfellow에 의해 처음으로 제안되었으며, 적대적 학습을 통해 실제 데이터의 분포를 추정하는 생성 모델입니다. 최근 들어 GAN은 가장 인기있는 연구 분야로 떠오르고 있고 하루에도 수 많은 관련 논문들이 쏟아져 나오고 있습니다.
수 없이 쏟아져 나오고 있는 GAN 논문들을 다 읽기가 힘드신가요? 괜찮습니다. 기본적인 GAN만 완벽하게 이해한다면 새로 나오는 논문들도 쉽게 이해할 수 있습니다.
이번 발표를 통해 제가 GAN에 대해 알고 있는 모든 것들을 전달해드리고자 합니다. GAN을 아예 모르시는 분들, GAN에 대한 이론적인 내용이 궁금하셨던 분들, GAN을 어떻게 활용할 수 있을지 궁금하셨던 분들이 발표를 들으면 좋을 것 같습니다.
발표영상: https://youtu.be/odpjk7_tGY0
HigherHRNet: Scale-Aware Representation Learning for Bottom-Up Human Pose Est...harmonylab
公開URL:https://arxiv.org/abs/1908.10357
出典:Cheng B, Xiao B, Wang J, Shi H, Huang T S, Zhang L : Higherhrnet: Scale-aware representation learning for bottom-up human pose estimation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. pp. 5386-5395 (2020) https://arxiv.org/abs/1908.10357
概要:高解像度特徴量ピラミッドを用いて人物の大きさに考慮したBottom-Up型の姿勢推定手法の一つです.HRNetの特徴マップ出力と,転置畳み込みによるアップサンプリングされた高解像度な出力で構成されています.COCO test-devにおいて,中人数以上で従来のBottom-Up型手法を2.5%AP上回り,後処理などを含めない場合においてBottom-Up型でSOTA (70.5%AP)を達成しました.
This document provides an overview of physics engine usage for game physics programming. It introduces key concepts in physics such as kinematics, calculus, and numeric solutions. It also summarizes the Box2D and PhysX physics engines, including collision detection methods, constraints, joints and example code reviews. The goal is to provide background information for implementing physics in games without focusing on specific implementation details.
cvpaper.challenge の Meta Study Group 発表スライド
cvpaper.challenge はコンピュータビジョン分野の今を映し、トレンドを創り出す挑戦です。論文サマリ・アイディア考案・議論・実装・論文投稿に取り組み、凡ゆる知識を共有します。2019の目標「トップ会議30+本投稿」「2回以上のトップ会議網羅的サーベイ」
http://xpaperchallenge.org/cv/
딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016Taehoon Kim
발표 영상 : https://goo.gl/jrKrvf
데모 영상 : https://youtu.be/exXD6wJLJ6s
Deep Q-Network, Double Q-learning, Dueling Network 등의 기술을 소개하며, hyperparameter, debugging, ensemble 등의 엔지니어링으로 성능을 끌어 올린 과정을 공유합니다.
1. DiscoGAN is a method for learning to discover cross-domain relations without explicitly paired data using generative adversarial networks.
2. It uses two coupled GANs to map each domain into the other domain to allow for domain transfer while preserving key attributes.
3. Results show DiscoGAN performs better than other methods and is more robust to the mode collapse problem due to the symmetry granted by coupling the two GANs.
From Flat to Stacked - Alicia C Newberry - City of MiltonAlicia Newberry
This document provides information about CityEngine, a 3D modeling software from Esri. It discusses what CityEngine is, what procedural modeling is, reasons to use CityEngine, computer specifications required to run CityEngine, time investment required to learn and use the software, and tips for installing, setting up, and preparing data in CityEngine. Key points include that CityEngine allows efficient creation of 3D cities and buildings using rules-based procedural modeling, basic licenses start at $500, and it takes about 5 steps to build a 3D city model in CityEngine.
A study summary on Generative Adversarial Network (GAN)
Alone with Youtube Video in Mandarine (https://www.youtube.com/watch?v=c6mngSqcSIw&feature=youtu.be)
In 4 angles:
GAN Training
GAN vs Latent Space
GAN Autoencoder
Super Resolution GAN
cvpaper.challenge の Meta Study Group 発表スライド
cvpaper.challenge はコンピュータビジョン分野の今を映し、トレンドを創り出す挑戦です。論文サマリ・アイディア考案・議論・実装・論文投稿に取り組み、凡ゆる知識を共有します。2019の目標「トップ会議30+本投稿」「2回以上のトップ会議網羅的サーベイ」
http://xpaperchallenge.org/cv/
Objects as points (CenterNet) review [CDM]Dongmin Choi
The document proposes representing objects as single center points rather than bounding boxes. This allows detecting objects through keypoint estimation using a single neural network without post-processing. The method, called CenterNet, predicts center points along with object properties like size in one forward pass. Experiments show CenterNet runs in real-time and is simpler, faster and more accurate than two-stage detectors that require additional pre and post-processing steps. It provides a new direction for real-time object recognition.
Tutorial on Object Detection (Faster R-CNN)Hwa Pyung Kim
The document describes Faster R-CNN, an object detection method that uses a Region Proposal Network (RPN) to generate region proposals from feature maps, pools features from each proposal into a fixed size using RoI pooling, and then classifies and regresses bounding boxes for each proposal using a convolutional network. The RPN outputs objectness scores and bounding box adjustments for anchor boxes sliding over the feature map, and non-maximum suppression is applied to reduce redundant proposals.
The document discusses two recent papers on off-policy meta-reinforcement learning:
1) "Efficient Off-Policy Meta-Reinforcement Learning via Probabilistic Context Variables" which introduces PEARL, an off-policy method for meta RL using context variables to enable efficient adaptation.
2) "Guided Meta-Policy Search" which uses a two-level approach of task learning and meta-learning, where task learning trains policies via RL and meta-learning trains a meta-objective via imitation. Both papers aim to enable efficient off-policy adaptation in meta RL.
발표자: 최윤제(고려대 석사과정)
최윤제 (Yunjey Choi)는 고려대학교에서 컴퓨터공학을 전공하였으며, 현재는 석사과정으로 Machine Learning을 공부하고 있는 학생이다. 코딩을 좋아하며 이해한 것을 다른 사람들에게 공유하는 것을 좋아한다. 1년 간 TensorFlow를 사용하여 Deep Learning을 공부하였고 현재는 PyTorch를 사용하여 Generative Adversarial Network를 공부하고 있다. TensorFlow로 여러 논문들을 구현, PyTorch Tutorial을 만들어 Github에 공개한 이력을 갖고 있다.
개요:
Generative Adversarial Network(GAN)은 2014년 Ian Goodfellow에 의해 처음으로 제안되었으며, 적대적 학습을 통해 실제 데이터의 분포를 추정하는 생성 모델입니다. 최근 들어 GAN은 가장 인기있는 연구 분야로 떠오르고 있고 하루에도 수 많은 관련 논문들이 쏟아져 나오고 있습니다.
수 없이 쏟아져 나오고 있는 GAN 논문들을 다 읽기가 힘드신가요? 괜찮습니다. 기본적인 GAN만 완벽하게 이해한다면 새로 나오는 논문들도 쉽게 이해할 수 있습니다.
이번 발표를 통해 제가 GAN에 대해 알고 있는 모든 것들을 전달해드리고자 합니다. GAN을 아예 모르시는 분들, GAN에 대한 이론적인 내용이 궁금하셨던 분들, GAN을 어떻게 활용할 수 있을지 궁금하셨던 분들이 발표를 들으면 좋을 것 같습니다.
발표영상: https://youtu.be/odpjk7_tGY0
HigherHRNet: Scale-Aware Representation Learning for Bottom-Up Human Pose Est...harmonylab
公開URL:https://arxiv.org/abs/1908.10357
出典:Cheng B, Xiao B, Wang J, Shi H, Huang T S, Zhang L : Higherhrnet: Scale-aware representation learning for bottom-up human pose estimation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. pp. 5386-5395 (2020) https://arxiv.org/abs/1908.10357
概要:高解像度特徴量ピラミッドを用いて人物の大きさに考慮したBottom-Up型の姿勢推定手法の一つです.HRNetの特徴マップ出力と,転置畳み込みによるアップサンプリングされた高解像度な出力で構成されています.COCO test-devにおいて,中人数以上で従来のBottom-Up型手法を2.5%AP上回り,後処理などを含めない場合においてBottom-Up型でSOTA (70.5%AP)を達成しました.
This document provides an overview of physics engine usage for game physics programming. It introduces key concepts in physics such as kinematics, calculus, and numeric solutions. It also summarizes the Box2D and PhysX physics engines, including collision detection methods, constraints, joints and example code reviews. The goal is to provide background information for implementing physics in games without focusing on specific implementation details.
cvpaper.challenge の Meta Study Group 発表スライド
cvpaper.challenge はコンピュータビジョン分野の今を映し、トレンドを創り出す挑戦です。論文サマリ・アイディア考案・議論・実装・論文投稿に取り組み、凡ゆる知識を共有します。2019の目標「トップ会議30+本投稿」「2回以上のトップ会議網羅的サーベイ」
http://xpaperchallenge.org/cv/
딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016Taehoon Kim
발표 영상 : https://goo.gl/jrKrvf
데모 영상 : https://youtu.be/exXD6wJLJ6s
Deep Q-Network, Double Q-learning, Dueling Network 등의 기술을 소개하며, hyperparameter, debugging, ensemble 등의 엔지니어링으로 성능을 끌어 올린 과정을 공유합니다.
1. DiscoGAN is a method for learning to discover cross-domain relations without explicitly paired data using generative adversarial networks.
2. It uses two coupled GANs to map each domain into the other domain to allow for domain transfer while preserving key attributes.
3. Results show DiscoGAN performs better than other methods and is more robust to the mode collapse problem due to the symmetry granted by coupling the two GANs.
From Flat to Stacked - Alicia C Newberry - City of MiltonAlicia Newberry
This document provides information about CityEngine, a 3D modeling software from Esri. It discusses what CityEngine is, what procedural modeling is, reasons to use CityEngine, computer specifications required to run CityEngine, time investment required to learn and use the software, and tips for installing, setting up, and preparing data in CityEngine. Key points include that CityEngine allows efficient creation of 3D cities and buildings using rules-based procedural modeling, basic licenses start at $500, and it takes about 5 steps to build a 3D city model in CityEngine.
This document describes the design of custom single-purpose processors. It discusses converting algorithms to state machines and finite state machines with datapaths. It also covers creating the datapath and controller, including registers, functional units, multiplexors and the controller state table and implementation. The example shown is for a greatest common divisor processor.
Spark Streaming Tips for Devs and Ops by Fran perez y federico fernándezJ On The Beach
During this talk we will see a regular Kafka/Spark Streaming application, going through some of the most common issues and how we fix them. We'll see how to improve our Spark App in two different point of views: Code quality and Spark Tuning. The final goal is to have a robust and resilient Spark Application deployable in a production-like environment.
Slides for a talk given by Fede Fernández & Fran Pérez. It describes some common tips to improve a Kafka and Spark application, going through improving table joins, operational parameters as blockIntervalTime or number of partitions, serializations or how byKey operations work under the scenes.
An efficient map-reduce algorithm is presented for computing formal concepts from binary datasets in a single iteration. The algorithm first uses map-reduce to generate a sufficient set of concepts that can be used to enumerate the entire lattice of formal concepts. It then processes the reduced output on a single machine to generate the sufficient set. Finally, it selectively enumerates all formal concepts in the lattice by using the sufficient set, which avoids computing the entire lattice. This approach improves efficiency over previous algorithms that required multiple map-reduce iterations or sequential processing of the entire lattice.
This document provides an introduction to exploring and visualizing data using the R programming language. It discusses the history and development of R, introduces key R packages like tidyverse and ggplot2 for data analysis and visualization, and provides examples of reading data, examining data structures, and creating basic plots and histograms. It also demonstrates more advanced ggplot2 concepts like faceting, mapping variables to aesthetics, using different geoms, and combining multiple geoms in a single plot.
The document discusses setting up 3D scenes in OpenGL using matrices. It states that to see a 3D scene, you need to set up the camera, projection, and world matrix. The camera and projection matrices are singletons that apply to all objects, while the world matrix is set separately for each object. It explains the camera matrix sets the camera position and orientation, while the projection matrix handles perspective vs orthographic projections. The world matrix transforms individual objects by scaling, rotating, and translating them. It provides an example of drawing objects by setting their world matrix before rendering.
[AWS Dev Day] 인공지능 / 기계 학습 | 개발자를 위한 수백만 사용자 대상 기계 학습 서비스 확장 하기 - 윤석찬 AWS 수석테...Amazon Web Services Korea
기계 학습은 이제 개발자에게 필수 기술셋이 되었습니다. 이미지/비디오 인식, 음성 인식 및 합성, 비지니스 예측, 사용자 추천 등 다양한 스마트 애플리케이션 개발 및 배포를 위해 기계 학습 기술을 배우고 이를 적용해야 합니다. 본 세션에서는 AWS의 다양한 서비스를 활용하여 개발자들이 기계 학습을 처음 접하는 시점부터 혼자서 공부하는 방법부터 팀에서 초기 도입시, 그리고 정식 프로덕션 환경에서 수백만 사용자를 위한 서비스를 향해 가는 과정을 알려드림으로서 머신 러닝 엔지니어가 될 수 있는 방법을 알아봅니다.
[CB20] DeClang: Anti-hacking compiler by Mengyuan WanCODE BLUE
There are various approaches in client protection technology, including packing, obfuscation, anti-decompilation and tamper detection. In this presentation, we examine the advantages and disadvantages of these approaches, and introduce our compiler-type client protection tool DeClang.
In previous research so far, there are many open source obfuscation projects based on LLVM. However, these projects are mostly in the experimental stage, with various drawbacks such as lurking bugs, lack of ARM support, and inapplicability to mobile apps' build flow. DeClang overcomes these problems and will be partly open sourced as a working-level obfuscation compiler.
In this presentation, we will analyze the Unity build flow and explain how to incorporate DeClang into the Unity build flow.I will also show you how to find and fix a long-standing bug in the obfuscator-llvm project to make it a working-level obfuscator.
Through this presentation, we would like to make it possible for anyone to easily protect mobile apps.
For the full video of this presentation, please visit: https://www.edge-ai-vision.com/2022/09/covid-19-safe-distancing-measures-in-public-spaces-with-edge-ai-a-presentation-from-the-government-technology-agency-of-singapore/
Ebi Jose, Senior Systems Engineer at GovTech, the Government Technology Agency of Singapore, presents the “COVID-19 Safe Distancing Measures in Public Spaces with Edge AI” tutorial at the May 2022 Embedded Vision Summit.
Whether in indoor environments, such as supermarkets, museums and offices, or outdoor environments, such as parks, maintaining safe social distancing has been a priority during the COVID-19 pandemic. In this talk, Jose presents GovTech’s work developing cloud-connected edge AI solutions that count the number of people present in outdoor and indoor spaces, providing facility operators with real-time information that allows them to manage spaces to enable social distancing.
Jose provides an overview of the system architecture, hardware, algorithms, software and backend monitoring elements of GovTech's solution, highlighting differences in how it addresses indoor vs. outdoor spaces. He also presents results from deployments of GovTech’s solution.
The Doodle3D WiFi-Box makes almost all 3D printers wirelessly controllable through a simple REST API. This means you can control them
using Processing, openFrameworks, JavaScript, Arduino, Delphi, Cinder etc. Basically any language that can send and receive HTTP requests (AJAX).
This talk is about designing a Deep Learning model pipeline for OCR (Text Segmentation and Text Extraction) using Tensorflow, targeting domain specific information extraction
The document discusses embedded systems. It defines embedded systems as computing systems that are integrated into larger devices and dedicated to a specific task. Examples include systems found in appliances, vehicles, medical equipment, and many other devices. The document outlines key characteristics of embedded systems like size, cost, power and performance constraints. It also covers embedded system applications, development cycle, challenges, example projects and differences between Arduino and mbed platforms. The future of embedded systems is predicted to include more connectivity through technologies like IoT.
This document discusses viewport transformations in OpenGL. It explains that the viewport defines the size and location of the screen area available for rendering. The gluViewport function sets the viewport, specifying the x and y coordinates of the lower-left corner as well as the width and height. An example demonstrates drawing two triangles in separate viewports on the same screen. The document also discusses how the viewport setting must work with the projection transformation and how to handle window resizing. It provides reading recommendations for further understanding 2D and 3D transformations and viewing in OpenGL.
Заполучить интернет-трафик, подготовить инфраструктуру для эксплойтов и dropzone, арендовать «пуленепробиваемый» хостинг, зашифровать вредоносный бинарный файл, чтобы его не смогло обнаружить большинство антивирусов, построить продвинутые протоколы управления, запустить C2 и постоянно прятаться за несколькими комбинированными слоями VPN, SSH и прокси, — и все ради того, чтобы обеспечить свою безопасность. Куча забот! Если вы хотите создать собственный ботнет, вам рано или поздно придется столкнуться со всем этим. Но что, если есть более простой способ?..
ROS 시작하기(Getting Started with ROS:: Your First Steps in Robot Programming )Hansol Kang
This document provides an introduction to ROS (Robot Operating System) and instructions for getting started. It discusses key ROS concepts like packages, nodes, messages, topics, services and actions. It also provides guides for installing ROS1 and ROS2 on Ubuntu, WSL2 or using Docker. Finally, it covers using URDF files to define robot models and RViz for visualization.
Photo-realistic Single Image Super-resolution using a Generative Adversarial ...Hansol Kang
* Ledig, Christian, et al. "Photo-realistic single image super-resolution using a generative adversarial network." Proceedings of the IEEE conference on computer vision and pattern recognition. 2017.
InfoGAN : Interpretable Representation Learning by Information Maximizing Gen...Hansol Kang
InfoGAN은 기존 GAN이 manupulation이 어렵다는 단점을 극복함. latent space에 z 이외에 c(condition)을 부여하여 원하는 결과물을 얻을 수 있음. c에 대해 잘 학습하기 위해 Mutual information을 이용해 상관관계를 부여함.
InfoGAN 논문 리뷰 및 PyTorch 기반의 구현.
my github : https://github.com/messy-snail/GAN_PyTorch
[참고]
https://github.com/taeoh-kim/Pytorch_InfoGAN
Chen, Xi, et al. "Infogan: Interpretable representation learning by information maximizing generative adversarial nets." Advances in neural information processing systems. 2016.
딥러닝 중급 - AlexNet과 VggNet (Basic of DCNN : AlexNet and VggNet)Hansol Kang
The document summarizes the basics of Deep Convolutional Neural Networks (DCNNs) including AlexNet and VGGNet. It discusses how AlexNet introduced improvements like ReLU activation and dropout to address overfitting issues. It then focuses on the VGGNet, noting that it achieved good performance through increasing depth using small 3x3 filters and adding convolutional layers. The document shares details of VGGNet configurations ranging from 11 to 19 weight layers and their performance on image classification tasks.
PyTorch is an open-source machine learning library for Python. It is primarily developed by Facebook's AI research group. The document discusses setting up PyTorch, including installing necessary packages and configuring development environments. It also provides examples of core PyTorch concepts like tensors, common datasets, and constructing basic neural networks.
Deep Convolutional GANs - meaning of latent spaceHansol Kang
DCGAN은 GAN에 단순히 conv net을 적용했을 뿐만 아니라, latent space에서도 의미를 찾음.
DCGAN 논문 리뷰 및 PyTorch 기반의 구현.
VAE 세미나 이슈 사항에 대한 리뷰.
my github : https://github.com/messy-snail/GAN_PyTorch
[참고]
https://github.com/znxlwm/pytorch-MNIST-CelebA-GAN-DCGAN
https://github.com/taeoh-kim/Pytorch_DCGAN
Radford, Alec, Luke Metz, and Soumith Chintala. "Unsupervised representation learning with deep convolutional generative adversarial networks." arXiv preprint arXiv:1511.06434 (2015).
쉽게 설명하는 GAN (What is this? Gum? It's GAN.)Hansol Kang
The document discusses generative adversarial networks (GANs). It begins with an introduction to GANs, describing their concept and training process. It then reviews a seminal GAN paper, discussing its mathematical formulation of GAN training as a minimax game and theoretical results showing global optimality can be achieved. The document concludes by outlining the configuration, implementation, and flowchart for a GAN experiment.
신뢰 전파 기법을 이용한 스테레오 정합(Stereo matching using belief propagation algorithm)Hansol Kang
스테레오 정합, 신뢰 전파 기법에 대한 개념과 간단한 예제.
[참고]
J.H. Kim, and Y.H. Ko, “Multibaseline based Stereo Matching Using Texture adaptive Belief Propagation Technique." Journal of the Institute of Electronics and Information Engineers Vol. 50, No. 1, pp.75-85, 2013.
Procurement Insights Cost To Value Guide.pptxJon Hansen
Procurement Insights integrated Historic Procurement Industry Archives, serves as a powerful complement — not a competitor — to other procurement industry firms. It fills critical gaps in depth, agility, and contextual insight that most traditional analyst and association models overlook.
Learn more about this value- driven proprietary service offering here.
Generative Artificial Intelligence (GenAI) in BusinessDr. Tathagat Varma
My talk for the Indian School of Business (ISB) Emerging Leaders Program Cohort 9. In this talk, I discussed key issues around adoption of GenAI in business - benefits, opportunities and limitations. I also discussed how my research on Theory of Cognitive Chasms helps address some of these issues
Semantic Cultivators : The Critical Future Role to Enable AIartmondano
By 2026, AI agents will consume 10x more enterprise data than humans, but with none of the contextual understanding that prevents catastrophic misinterpretations.
Dev Dives: Automate and orchestrate your processes with UiPath MaestroUiPathCommunity
This session is designed to equip developers with the skills needed to build mission-critical, end-to-end processes that seamlessly orchestrate agents, people, and robots.
📕 Here's what you can expect:
- Modeling: Build end-to-end processes using BPMN.
- Implementing: Integrate agentic tasks, RPA, APIs, and advanced decisioning into processes.
- Operating: Control process instances with rewind, replay, pause, and stop functions.
- Monitoring: Use dashboards and embedded analytics for real-time insights into process instances.
This webinar is a must-attend for developers looking to enhance their agentic automation skills and orchestrate robust, mission-critical processes.
👨🏫 Speaker:
Andrei Vintila, Principal Product Manager @UiPath
This session streamed live on April 29, 2025, 16:00 CET.
Check out all our upcoming Dev Dives sessions at https://community.uipath.com/dev-dives-automation-developer-2025/.
Artificial Intelligence is providing benefits in many areas of work within the heritage sector, from image analysis, to ideas generation, and new research tools. However, it is more critical than ever for people, with analogue intelligence, to ensure the integrity and ethical use of AI. Including real people can improve the use of AI by identifying potential biases, cross-checking results, refining workflows, and providing contextual relevance to AI-driven results.
News about the impact of AI often paints a rosy picture. In practice, there are many potential pitfalls. This presentation discusses these issues and looks at the role of analogue intelligence and analogue interfaces in providing the best results to our audiences. How do we deal with factually incorrect results? How do we get content generated that better reflects the diversity of our communities? What roles are there for physical, in-person experiences in the digital world?
Mobile App Development Company in Saudi ArabiaSteve Jonas
EmizenTech is a globally recognized software development company, proudly serving businesses since 2013. With over 11+ years of industry experience and a team of 200+ skilled professionals, we have successfully delivered 1200+ projects across various sectors. As a leading Mobile App Development Company In Saudi Arabia we offer end-to-end solutions for iOS, Android, and cross-platform applications. Our apps are known for their user-friendly interfaces, scalability, high performance, and strong security features. We tailor each mobile application to meet the unique needs of different industries, ensuring a seamless user experience. EmizenTech is committed to turning your vision into a powerful digital product that drives growth, innovation, and long-term success in the competitive mobile landscape of Saudi Arabia.
Book industry standards are evolving rapidly. In the first part of this session, we’ll share an overview of key developments from 2024 and the early months of 2025. Then, BookNet’s resident standards expert, Tom Richardson, and CEO, Lauren Stewart, have a forward-looking conversation about what’s next.
Link to recording, presentation slides, and accompanying resource: https://bnctechforum.ca/sessions/standardsgoals-for-2025-standards-certification-roundup/
Presented by BookNet Canada on May 6, 2025 with support from the Department of Canadian Heritage.
Big Data Analytics Quick Research Guide by Arthur MorganArthur Morgan
This is a Quick Research Guide (QRG).
QRGs include the following:
- A brief, high-level overview of the QRG topic.
- A milestone timeline for the QRG topic.
- Links to various free online resource materials to provide a deeper dive into the QRG topic.
- Conclusion and a recommendation for at least two books available in the SJPL system on the QRG topic.
QRGs planned for the series:
- Artificial Intelligence QRG
- Quantum Computing QRG
- Big Data Analytics QRG
- Spacecraft Guidance, Navigation & Control QRG (coming 2026)
- UK Home Computing & The Birth of ARM QRG (coming 2027)
Any questions or comments?
- Please contact Arthur Morgan at [email protected].
100% human made.
Andrew Marnell: Transforming Business Strategy Through Data-Driven InsightsAndrew Marnell
With expertise in data architecture, performance tracking, and revenue forecasting, Andrew Marnell plays a vital role in aligning business strategies with data insights. Andrew Marnell’s ability to lead cross-functional teams ensures businesses achieve sustainable growth and operational excellence.
AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...SOFTTECHHUB
I started my online journey with several hosting services before stumbling upon Ai EngineHost. At first, the idea of paying one fee and getting lifetime access seemed too good to pass up. The platform is built on reliable US-based servers, ensuring your projects run at high speeds and remain safe. Let me take you step by step through its benefits and features as I explain why this hosting solution is a perfect fit for digital entrepreneurs.
HCL Nomad Web – Best Practices und Verwaltung von Multiuser-Umgebungenpanagenda
Webinar Recording: https://www.panagenda.com/webinars/hcl-nomad-web-best-practices-und-verwaltung-von-multiuser-umgebungen/
HCL Nomad Web wird als die nächste Generation des HCL Notes-Clients gefeiert und bietet zahlreiche Vorteile, wie die Beseitigung des Bedarfs an Paketierung, Verteilung und Installation. Nomad Web-Client-Updates werden “automatisch” im Hintergrund installiert, was den administrativen Aufwand im Vergleich zu traditionellen HCL Notes-Clients erheblich reduziert. Allerdings stellt die Fehlerbehebung in Nomad Web im Vergleich zum Notes-Client einzigartige Herausforderungen dar.
Begleiten Sie Christoph und Marc, während sie demonstrieren, wie der Fehlerbehebungsprozess in HCL Nomad Web vereinfacht werden kann, um eine reibungslose und effiziente Benutzererfahrung zu gewährleisten.
In diesem Webinar werden wir effektive Strategien zur Diagnose und Lösung häufiger Probleme in HCL Nomad Web untersuchen, einschließlich
- Zugriff auf die Konsole
- Auffinden und Interpretieren von Protokolldateien
- Zugriff auf den Datenordner im Cache des Browsers (unter Verwendung von OPFS)
- Verständnis der Unterschiede zwischen Einzel- und Mehrbenutzerszenarien
- Nutzung der Client Clocking-Funktion
Increasing Retail Store Efficiency How can Planograms Save Time and Money.pptxAnoop Ashok
In today's fast-paced retail environment, efficiency is key. Every minute counts, and every penny matters. One tool that can significantly boost your store's efficiency is a well-executed planogram. These visual merchandising blueprints not only enhance store layouts but also save time and money in the process.
Increasing Retail Store Efficiency How can Planograms Save Time and Money.pptxAnoop Ashok
LSGAN - SIMPle(Simple Idea Meaningful Performance Level up)
1. SIMPLe : Simple Idea Meaningful Performance Level up*
ISL Lab Seminar
Hansol Kang
* Mao, Xudong, et al. "Least squares generative adversarial networks." Proceedings of the IEEE International Conference on Computer Vision. 2017.
5. Introduction
• Research Trend
2019-04-09
5
• 70,000 high-quality PNG images at 1024×1024 resolution
• Considerable variation in terms of age, ethnicity and image background
• Good coverage of accessories such as eyeglasses, sunglasses, hats, etc.
Flickr-Faces-HQ (FFHQ)
9. Introduction
• Vanilla GAN : Adversarial Nets
2019-04-09
9
)))]((1[log()]([log),(maxmin )(~)(~ zGDExDEGDV zpzxpx
DG zdata
Smart D
)))]((1[log()]([log )(~)(~ zGDExDE zpzxpx zdata
Real case
Fake case
1
)))]((1[log()]([log )(~)(~ zGDExDE zpzxpx zdata
0
should be 0
should be 0
1
Log(x)
cf.
Stupid D
)))]((1[log()]([log )(~)(~ zGDExDE zpzxpx zdata
Real case
Fake case
0
)))]((1[log()]([log )(~)(~ zGDExDE zpzxpx zdata
1
should be negative infinity
should be negative infinity
D perspective,
it should be maximum.
10. Introduction
• Vanilla GAN : Adversarial Nets
2019-04-09
10
)))]((1[log()]([log),(maxmin )(~)(~ zGDExDEGDV zpzxpx
DG zdata
Generator
)))]((1[log()]([log )(~)(~ zGDExDE zpzxpx zdata
1
should be negative infinity
1
Log(x)
cf.
G perspective,
it should be minimum.
Smart G
Stupid G )))]((1[log()]([log )(~)(~ zGDExDE zpzxpx zdata
0
should be 0
11. Introduction
2019-04-09
11
• Vanilla GAN : Mathematical Proof
1) Global Optimality of datag pp
2) Convergence of Algorithm
D GVs
x
)(xpdata
“Generative Adversarial Networks”
Goal Method
15. Introduction
2019-04-09
15
• InfoGAN - Latent Code
GNoise
Latent code
0.001
0.008
1.000
0.007
…
0.005
? : 실제 latent code의 구조는 복잡하여
해석이 어려움(entangled).
Let's make the latent code simple.
The proper generation is difficult.
[0.001, 0.008, …, 0.005] c
Latent code
0.001
0.008
1.000
0.007
…
0.005
0
0
0
0
…
1
Z C
Z C : Condition
How about adding latent code?
해석이 가능한 Condition을 제공.
Idea
16. Introduction
2019-04-09
16
• InfoGAN - Latent Code
G
Latent code
Z C
“뭐야? 그러면 C를 Z 옆에 바로
붙이면 되는 거야?”
[0.001, 0.008, …, 005 | 0, 0, … 1]
z c
[0.001, 0.008, …, 005 | 1, 0, … 0]
z c
[0.001, 0.008, …, 005 ]
z
[0.001, 0.008, …, 005 ]
z
Ignore the additional latent code c
Cost function을 수정하여 c의 영향을 만듦.),(maxmin GDV
DG
(Mutual Information)
17. Introduction
2019-04-09
17
• InfoGAN - Latent Code
: Generator와 c 사이의 연관성을 cost로 정의 ),(;),(),(maxmin czGcIGDVGDVI
DG
Maximize
Hard to maximize directly as it requires access to the posterior )|( xcP
)(||)|()(|log),,( )|( zpxzqKLzgxExL xzq
),,(min xL
Reconstruction Error Regularization
VAE Seminar (18.07.23)
24. LSGAN
• Objective function
2019-04-09
24
2
)(~
2
~ ))((
2
1
)(
2
1
)(min )(
azGDEbxDEDV zpxpxLSGAN
D zxdata
Smart D
2
)(~
2
~ ))((
2
1
)(
2
1
)(
azGDEbxDE zpxpx zxdata
2
)(~
2
~ ))((
2
1
)(
2
1
)(
azGDEbxDE zpxpx zxdata
Real case
Fake case
1
0
(b=1), should be 0
(a=0), should be 0
Stupid D
D perspective,
it should be minimum.
2
)(~
2
~ ))((
2
1
)(
2
1
)(
azGDEbxDE zpxpx zxdata
2
)(~
2
~ ))((
2
1
)(
2
1
)(
azGDEbxDE zpxpx zxdata
Real case
Fake case
0 1
(b=1), should be 1
(a=0), should be 1
a : fake label.
b : real label.
c : G wants to make D believe for fake data
2
~ ))((
2
1
)(min )(
czGDEGV zzpzLSGAN
G
25. LSGAN
• Objective function
2019-04-09
25
2
)(~
2
~ ))((
2
1
)(
2
1
)(min )(
azGDEbxDEDV zpxpxLSGAN
D zxdata
Generator
2
~ ))((
2
1
)(
czGDE zzpz Smart G
Stupid G
1
(c=1), should be 0
(c=1), should be 1 2
~ ))((
2
1
)(
czGDE zzpz
0
G perspective,
it should be minimum.
2
~ ))((
2
1
)(min )(
czGDEGV zzpzLSGAN
G
a : fake label.
b : real label.
c : G wants to make D believe for fake data
26. LSGAN
• Objective function
2019-04-09
26
a : fake label.
b : real label.
c : G wants to make D believe for fake data
조금 더 직관적으로 생각해보면,
D = Classifier
2
)(~
2
~ ))((
2
1
)(
2
1
)(min )(
azGDEbxDEDV zpxpxLSGAN
D zxdata
2
~ ))((
2
1
)(min )(
czGDEGV zzpzLSGAN
G
Prediction - Label
46. Summary
2019-04-09
46
• 기존의 GAN보다 Real에 가까운 데이터를 생성하고, 안정성도 확보함.
• Pearson Chi square divergence으로 global optimality를 증명함. (기존 GAN은 JSD로 증명)
• 클래스가 많은 데이터에 대해서도 정상적으로 데이터를 생성함.
• 기존의 코드에서 단순히 loss만을 변경하기에 손쉽게 적용이 가능함.
47. GAN Research
Vanilla GAN
DCGAN
InfoGAN
LSGAN
BEGAN
Cycle GAN
Style GAN
SRGAN
Tools
Document
Programming
PyTorch
Python executable & UI
I Know What You Did
Last Faculty
C++ Coding Standard
Mathematical theory
LSM applications
Other Research
Level Processor
Ice Propagation
Future work
2019-04-09
47