Strongly local p-norm-cut algorithms for semi-supervised learning and local graph clustering

Related tags

Deep LearningSLQ
Overview

SLQ

code for SLQ project, see our arXiv paper

@Article{Liu-preprint-slq,
  author     = {Meng Liu and David F. Gleich},
  journal    = {arXiv},
  title      = {Strongly local p-norm-cut algorithms for semi-supervised learning and local graph clustering},
  year       = {2020},
  pages      = {2006.08569},
  volume     = {cs.SI},
  arxiv      = {http://arxiv.org/abs/2006.08569},
  mysoftware = {https://github.com/MengLiuPurdue/SLQ},
}

To run our code, simply include("SLQ.jl") This has minimal dependencies. Then to run the code on an Erdos-Renyi graph, run

using SparseArrays
# make an Erdos Renyi graph
A = triu(sprand(100,100,8/100),1)
A = max.(A,A') # symmetrize
fill!(A.nzval, 1) # set all values to 1. 
G = SLQ.graph(A) # convert an adjacency matrix into a graph
SLQ.slq_diffusion(SLQ.graph(A), 
	[1], # seed set
	 0.1, # value of gamma (regularization on seed) 
	 0.1, # value of kappa (sparsity regularization)
	 0.5, # value of rho (KKT apprx-val)
    SLQ.loss_type(1.4,0.0) # the loss-type, this is a 1.4-norm without huber)

SLQ via CVX

We need cvxpy. This can be installed in Julia's conda-forge environment. We try to do this when you include("SLQcvx.jl"). CVX does not support the q-huber penalties. This should just work.

Additional experiemtns with other dependencies

We need localgraphclustering for comparisons with CRD.

Install localgraphclustering

On my mac, with a homebrew install of Python, I just ran

pip3 install localgraphclustering --user

And then everything should just work. This will install localgraphclustering for the system python3. But then we use PyCall conda and just point it at the needed directory. Try include("CRD.jl").

Experiments

  • Visualization of image boundaries: experiment-image-boundary.jl
  • Visualization of effects in grid graph: experiment-grid-vis.jl
  • Experiment on LFR graphs: experiment-sparsity-runtime.jl and results analysis visualization-running-time.jl
  • Experiment on Facebook graphs: experiment-faebook.jland results analysis visualization-facebook-comapct.jl (this makes a lot of images) and a table to put into a latex document.
  • Experiment on DBLP and LiveJournal graphs: experiment-huge-graph.jl and results analysis visualization-huge-graph-compact.jl
  • Experiemnt on varying seeds in appendix: experiment-vary-seeds.jl
Owner
Meng Liu
Meng Liu
Python Rapid Artificial Intelligence Ab Initio Molecular Dynamics

Python Rapid Artificial Intelligence Ab Initio Molecular Dynamics

14 Nov 06, 2022
Video-based open-world segmentation

UVO_Challenge Team Alpes_runner Solutions This is an official repo for our UVO Challenge solutions for Image/Video-based open-world segmentation. Our

Yuming Du 84 Dec 22, 2022
Official PyTorch implementation of the paper "Recycling Discriminator: Towards Opinion-Unaware Image Quality Assessment Using Wasserstein GAN", accepted to ACM MM 2021 BNI Track.

RecycleD Official PyTorch implementation of the paper "Recycling Discriminator: Towards Opinion-Unaware Image Quality Assessment Using Wasserstein GAN

Yunan Zhu 23 Nov 05, 2022
yufan 81 Dec 08, 2022
The implementation for the SportsCap (IJCV 2021)

SportsCap: Monocular 3D Human Motion Capture and Fine-grained Understanding in Challenging Sports Videos ProjectPage | Paper | Video | Dataset (Part01

Chen Xin 79 Dec 16, 2022
Inference pipeline for our participation in the FeTA challenge 2021.

feta-inference Inference pipeline for our participation in the FeTA challenge 2021. Team name: TRABIT Installation Download the two folders in https:/

Lucas Fidon 2 Apr 13, 2022
A complete end-to-end demonstration in which we collect training data in Unity and use that data to train a deep neural network to predict the pose of a cube. This model is then deployed in a simulated robotic pick-and-place task.

Object Pose Estimation Demo This tutorial will go through the steps necessary to perform pose estimation with a UR3 robotic arm in Unity. You’ll gain

Unity Technologies 187 Dec 24, 2022
Use VITS and Opencpop to develop singing voice synthesis; Maybe it will VISinger.

Init Use VITS and Opencpop to develop singing voice synthesis; Maybe it will VISinger. 本项目基于 https://github.com/jaywalnut310/vits https://github.com/S

AmorTX 107 Dec 23, 2022
Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥

TensorLayer is a novel TensorFlow-based deep learning and reinforcement learning library designed for researchers and engineers. It provides an extens

TensorLayer Community 7.1k Dec 27, 2022
Tutorial for the PERFECTING FACTORY 5.0 WITH EDGE-POWERED AI workshop

Workshop Advantech Jetson Nano This tutorial has been designed for the PERFECTING FACTORY 5.0 WITH EDGE-POWERED AI workshop in collaboration with Adva

Edge Impulse 18 Nov 22, 2022
Unofficial implementation of "TTNet: Real-time temporal and spatial video analysis of table tennis" (CVPR 2020)

TTNet-Pytorch The implementation for the paper "TTNet: Real-time temporal and spatial video analysis of table tennis" An introduction of the project c

Nguyen Mau Dung 438 Dec 29, 2022
This is a project based on retinaface face detection, including ghostnet and mobilenetv3

English | 简体中文 RetinaFace in PyTorch Chinese detailed blog:https://zhuanlan.zhihu.com/p/379730820 Face recognition with masks is still robust---------

pogg 59 Dec 21, 2022
[CVPR 2021] Unsupervised 3D Shape Completion through GAN Inversion

ShapeInversion Paper Junzhe Zhang, Xinyi Chen, Zhongang Cai, Liang Pan, Haiyu Zhao, Shuai Yi, Chai Kiat Yeo, Bo Dai, Chen Change Loy "Unsupervised 3D

100 Dec 22, 2022
Differentiable Wavetable Synthesis

Differentiable Wavetable Synthesis

4 Feb 11, 2022
EigenGAN Tensorflow, EigenGAN: Layer-Wise Eigen-Learning for GANs

Gender Bangs Body Side Pose (Yaw) Lighting Smile Face Shape Lipstick Color Painting Style Pose (Yaw) Pose (Pitch) Zoom & Rotate Flush & Eye Color Mout

Zhenliang He 321 Dec 01, 2022
Code repository for the paper Computer Vision User Entity Behavior Analytics

Computer Vision User Entity Behavior Analytics Code repository for "Computer Vision User Entity Behavior Analytics" Code Description dataset.csv As di

Sameer Khanna 2 Aug 20, 2022
Realtime segmentation with ENet, the fast and accurate segmentation net.

Enet This is a realtime segmentation net with almost 22 fps on GTX1080 ti, and the model size is very small with only 28M. This repo contains the infe

JinTian 14 Aug 30, 2022
Contextual Attention Localization for Offline Handwritten Text Recognition

CALText This repository contains the source code for CALText model introduced in "CALText: Contextual Attention Localization for Offline Handwritten T

0 Feb 17, 2022
Official implementation for (Show, Attend and Distill: Knowledge Distillation via Attention-based Feature Matching, AAAI-2021)

Show, Attend and Distill: Knowledge Distillation via Attention-based Feature Matching Official pytorch implementation of "Show, Attend and Distill: Kn

Clova AI Research 80 Dec 16, 2022
This project is based on our SIGGRAPH 2021 paper, ROSEFusion: Random Optimization for Online DenSE Reconstruction under Fast Camera Motion .

ROSEFusion 🌹 This project is based on our SIGGRAPH 2021 paper, ROSEFusion: Random Optimization for Online DenSE Reconstruction under Fast Camera Moti

219 Dec 27, 2022