An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: neural-style-transfer

gordicaleksa/pytorch-neural-style-transfer

Reconstruction of the original paper on neural style transfer (Gatys et al.). I've additionally included reconstruction scripts which allow you to reconstruct only the content or the style of the image - for better understanding of how NST works.

Language: Python - Size: 36.2 MB - Last synced at: 5 days ago - Pushed at: about 4 years ago - Stars: 405 - Forks: 82

JaewonSon37/Neural_Networks_and_Deep_Learning1

Language: Jupyter Notebook - Size: 7.6 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

amanchadha/coursera-deep-learning-specialization

Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models

Language: Jupyter Notebook - Size: 206 MB - Last synced at: 10 days ago - Pushed at: about 1 month ago - Stars: 3,584 - Forks: 2,483

DigitalProductschool/AI-Makerspace

AI Makerspace: Blueprints for developing AI applications with state-of-the-art technologies.

Language: JavaScript - Size: 234 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 63 - Forks: 29

ProGamerGov/neural-style-pt

PyTorch implementation of neural style transfer algorithm

Language: Python - Size: 35.5 MB - Last synced at: 10 days ago - Pushed at: over 2 years ago - Stars: 847 - Forks: 171

zmyzheng/Neural-Networks-and-Deep-Learning

Deep learning projects including applications (face recognition, neural style transfer, autonomous driving, sign language reading, music generation, translation, speech recognition and NLP) and theories (CNNs, RNNs, LSTM, Adam, Dropout, BatchNorm, Xavier/He initialization, hyperparameter tuning, regularization, optimization, Residual Networks). Deep Learning Specialization by Andrew Ng, deeplearning.ai

Language: Jupyter Notebook - Size: 662 MB - Last synced at: 2 days ago - Pushed at: over 6 years ago - Stars: 40 - Forks: 13

ThenuThudewattage/Neural-Style-Transfer

An implementation of Neural Style Transfer using PyTorch, using pre-trained VGG-19 model to extract multi-layer feature representations.

Language: Python - Size: 19.5 KB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

chenyingshu/advances_3d_neural_stylization

Awesome 3D Stylization - Advances in 3D Neural Stylization

Language: Python - Size: 60.8 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 114 - Forks: 7

czczup/URST

[AAAI 2022] Towards Ultra-Resolution Neural Style Transfer via Thumbnail Instance Normalization

Language: Python - Size: 51.1 MB - Last synced at: 14 days ago - Pushed at: about 2 years ago - Stars: 182 - Forks: 20

Snigdho8869/DeepDream-StyleTransfer

Explore image transformations with DeepDream Algorithm and Neural Style Transfer in creative image processing.

Language: Jupyter Notebook - Size: 17 MB - Last synced at: 7 days ago - Pushed at: about 1 month ago - Stars: 3 - Forks: 1

sushant1827/Art-Generation-with-Neural-Style-Transfer

Coursera - CNN Programming Assignment: In this project we will take two images - a content image and a style reference image (such as an artwork by a famous painter) - and blend them together so the output image looks like the content image, but β€œpainted” in the style of the style reference image

Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 4

gordicaleksa/pytorch-neural-style-transfer-johnson

Reconstruction of the fast neural style transfer (Johnson et al.). Some portions of the paper have been improved by the follow-up work like the instance normalization, etc. Checkout transformer_net.py's header for details.

Language: Python - Size: 3.84 MB - Last synced at: 5 days ago - Pushed at: over 4 years ago - Stars: 114 - Forks: 24

Zhenye-Na/neural-style-pytorch

πŸ“„ π–€π–“π–”π–‹π–‹π–Žπ–ˆπ–Žπ–†π–‘ PyTorch implementation of "A Neural Algorithm of Artistic Style" (arXiv:1508.06576)

Language: Python - Size: 11.8 MB - Last synced at: 15 days ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 4

GirikratnaSharma/Spades

A NST Project to apply artistic styles to images using Deep Learning

Language: Python - Size: 2.38 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

alishdipani/Neural-Style-Transfer-Audio

This is PyTorch Implementation of Neural Style Transfer Algorithm which is modified for Audios.

Language: Python - Size: 24.9 MB - Last synced at: 8 days ago - Pushed at: about 3 years ago - Stars: 81 - Forks: 30

deepfx/netlens

A toolkit for interpreting and analyzing neural networks (vision)

Language: Jupyter Notebook - Size: 130 MB - Last synced at: 5 days ago - Pushed at: over 4 years ago - Stars: 26 - Forks: 2

the-developer-306/Neural-Style-Transfer

Neural Style Transfer project leveraging TensorFlow and VGG19 to blend artistic styles with content images. Features include style and content initialization, multi-layer feature extraction, total variation loss, and post-processing enhancements like sharpening, upscaling, and brightening.

Language: Jupyter Notebook - Size: 26.3 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

kaledhoshme123/kaledhoshme123

Size: 46.9 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

soumyajit4419/Neural_Style_Transfer

Implementation of Image Style Transfer using PyTorch

Language: Jupyter Notebook - Size: 22.7 MB - Last synced at: 22 days ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

lassebaerlandstrand/Neural-Style-Transfer

Neural Style Transfer (NST) is an application of deep learning that combines the content of one image with the style of another.

Language: Python - Size: 20.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

anuraghruday/style_transfer

This project integrates neural style transfer with emotion detection to study how art affects human emotions. It captures a user's facial expression via webcam, analyzes their emotion, applies style transfer to an image, and assesses emotional changes after displaying the stylized artwork.

Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

CedricCaruzzo/Neural-Style-Transfer

Implementation of Neural Style Transfer based on the original paper by Gatys et al., with adaptations from Deep Learning with Python by FranΓ§ois Chollet. This notebook allows you to experiment with style transfer, content reconstruction, and style reconstruction to explore and gain a deeper understanding of how Neural Style Transfer (NST) works.

Language: Jupyter Notebook - Size: 8.94 MB - Last synced at: 11 days ago - Pushed at: 4 months ago - Stars: 3 - Forks: 1

pystiche/pystiche

Framework for Neural Style Transfer (NST) built upon PyTorch

Language: Python - Size: 8.37 MB - Last synced at: 5 days ago - Pushed at: about 2 years ago - Stars: 272 - Forks: 27

gordicaleksa/pytorch-naive-video-neural-style-transfer

Create naive (no temporal loss) NST for videos with person segmentation. Just place your videos in data/, run and you get your stylized and segmented videos.

Language: Python - Size: 6.89 MB - Last synced at: 5 days ago - Pushed at: over 4 years ago - Stars: 79 - Forks: 8

Pegah-Ardehkhani/Neural-Style-Transfer

Generate an Image with the Same "Content" As a Base Image, But with the "Style" of a Different Picture

Language: Jupyter Notebook - Size: 4.48 MB - Last synced at: 23 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

coopercox315/neural-style-transfer

Neural Style Transfer implemented in PyTorch, featuring a user-friendly Streamlit app for blending content and artistic styles into stunning images.

Language: Python - Size: 11.4 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

pabaq/Coursera-Deep-Learning-Specialization

Programming assignments and lecture notes of the Deep Learning Specialization taught by Andrew Ng and offered by deeplearning.ai on Coursera.

Language: Jupyter Notebook - Size: 326 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 69 - Forks: 19

vsemionov/picstylist

A web app that lets you transfer the style of one image to another (neural style transfer).

Language: Python - Size: 385 KB - Last synced at: 13 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

yosefahab/Watts_in_the_box

LLMs trained on all the talks of the late Alan Watts for Author-Stylized Rewriting

Language: Jupyter Notebook - Size: 48.8 KB - Last synced at: 12 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

KingJamesSong/FastDifferentiableMatSqrt

ICLR22 "Fast Differentiable Matrix Square Root" and T-PAMI extension

Language: Python - Size: 5.37 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 54 - Forks: 3

chenyingshu/stylecity3d

[ECCV 2024] StyleCity: Large-Scale 3D Urban Scenes Stylization

Size: 179 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 20 - Forks: 1

yakhyo/fast-neural-style-transfer

Fast Neural Style Transfer implementation using PyTorch > ONNX Inference

Language: Python - Size: 83.9 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 9 - Forks: 4

Jjateen/DCGAN-and-NST

This repository combines a Deep Convolutional Generative Adversarial Network (DCGAN) for generating butterfly images and a Neural Style Transfer algorithm to apply artistic styles to images. The DCGAN is trained on a butterfly image dataset, and the Neural Style Transfer is applied to stylize the generated butterfly images.

Language: Jupyter Notebook - Size: 7.79 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

coder3101/neural-style-transfer πŸ“¦

This is a Neural Style Transfer Model Implemented Using Tensorflow

Language: Python - Size: 299 KB - Last synced at: about 16 hours ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

mehassanhmood/Neural-Style-Transfer

VGG19 --> Neural Style Transfer

Language: Jupyter Notebook - Size: 28.6 MB - Last synced at: 26 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

devAmoghS/Keras-Style-Transfer

An implementation of "A Neural Algorithm of Artistic Style" in Keras

Language: Python - Size: 3.24 MB - Last synced at: 22 days ago - Pushed at: about 2 years ago - Stars: 35 - Forks: 5

gojoel/fitStyle-iOS

Fitstyle is an app that allows users to merge photos and art to create styled images.

Language: Swift - Size: 25 MB - Last synced at: 8 days ago - Pushed at: 11 months ago - Stars: 3 - Forks: 0

SreeEswaran/NST-for-Artistic-Image-Creation

This project focuses on Neural Style Transfer (NST), a technique that applies the style of one image to the content of another image, creating a new, stylized image. NST leverages deep learning models, particularly Convolutional Neural Networks (CNNs), to extract and combine the content and style features of images.

Language: Python - Size: 13.7 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

ColorfulSoft/StyleTransfer-Colorization-SuperResolution

Demonstration implementations of neural network image processing algorithms

Language: C# - Size: 860 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 43 - Forks: 9

patlevin/pdn-styletransfer

A Paint.NET Plugin that implements Arbitrary Neural Style Transfer

Language: C# - Size: 66.8 MB - Last synced at: 22 days ago - Pushed at: over 3 years ago - Stars: 19 - Forks: 2

igreat/artistic-style-net

Pytorch implementation of original neural transfer paper πŸ–ŒοΈπŸŽ¨πŸ§ 

Language: Python - Size: 25.5 MB - Last synced at: 26 days ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

Malav5372/TensorDeepArtify

TensorDeepArtify: Explore the TensorFlow implementation of Neural style transfer.

Language: Python - Size: 68.1 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 5 - Forks: 1

lihanlian/basic-and-fast-neural-style-transfer

Simplified implementation of basic neural style transfer and fast neural style transfer.

Language: Python - Size: 685 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

NavinBondade/Bruno-An-That-Paints-Mind-Blowing-Painting

Here I have created an unsupervised deep learning system that produces real word-like paintings by following neural style transfer technique and using transfer learning in form of the Vgg19 model.

Language: Jupyter Notebook - Size: 76.3 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

omerbsezer/NeuralStyleTransfer πŸ“¦

Art/Painting Generation using AI (Neural Style Transfer) using Tensorflow

Language: Python - Size: 8.5 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 3

arnav1598/neural_style_transfer

Deep Learning to compose images in the style of another image

Language: Python - Size: 788 KB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

byungsook/neural-flow-style

Neural Style Transfer for Fluids

Language: Python - Size: 9.88 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 112 - Forks: 25

Youngsiii/Neural_Style_Transfer

Reproduction of Neural Style Transfer

Language: Python - Size: 278 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

ovcharenkoo/geo-style-keras

Neural style transfer applied to elastic subsurface models [SEG19]. Visualized and explained.

Language: Jupyter Notebook - Size: 4.12 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 15 - Forks: 3

kamrulhasanrony/Deep-Learning-Specialization-Coursera-

Deep Learning Specialization is a online based course provided by Coursera. Here in this repository all the source code of assignment is provided.

Language: Jupyter Notebook - Size: 48.8 MB - Last synced at: 9 months ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 3

JersonGB22/GenerativeDeepLearning

Links to my works, where a variety of generative models are implemented using TensorFlow and PyTorch. Among the implemented models are Autoencoder, VAE, GAN, Pix2Pix, among others.

Size: 940 KB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

JersonGB22/NeuralStyleTransfer-TensorFlow-PyTorch

Language: Jupyter Notebook - Size: 47.3 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

alaaasfour/Convolutional-Neural-Networks

This repository includes multiple exercises about Convolutional Neural Networks

Language: Python - Size: 18.1 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

NemesisXVI/Neural_Style_Transfer

This Streamlit app demonstrates neural style transfer, a technique for combining the content of one image with the style of another using a convolutional neural network (CNN).

Language: Python - Size: 28.8 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

giovannicampa/neural_art_cars

Inspired by the BMW art car series, this repo explores hat an art car could look like.

Language: Python - Size: 3.59 MB - Last synced at: 9 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Camaltra/personnal_ml

Personal Implementation of Deep Learning Algorithms

Language: Python - Size: 17.1 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 1

37nomad/Universal-Style-Transfer

Arbitrary style transfer to content Images through Adaptive Instance Normalization (Ada-IN) and Whitening and coloring transforms (WCT)

Language: Jupyter Notebook - Size: 136 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

ThomasGust/PyMuse

PyMuse is a python tool to generate music and art with the help of artificial intelligence.

Language: Python - Size: 2.73 MB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 3

dev-nihalsharma/advance-ai-projects

Here are all my code files of Advanced AI/ML architectures built from scratch using Pytorch.

Language: Python - Size: 4.93 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

WellyZhang/MetaStyle

MetaStyle: Three-Way Trade-Off Among Speed, Flexibility, and Quality in Neural Style Transfer

Language: Python - Size: 18.6 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 68 - Forks: 10

DhruvSrikanth/NeuralArtisticRecreation-CLI-Tool

A Command Line Tool (or CLI) to perform Neural Style Transfer along with image filtering to produce an artistic recreation of an input image!

Language: Python - Size: 4.28 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

gojoel/fitStyle-android

Fitstyle is an app that allows users to merge photos and art to create styled images.

Language: Kotlin - Size: 10.2 MB - Last synced at: 8 days ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

AmitBaroi/NST-ML-Group-5

Final term project for CSCI6505: Machine Learning (Dalhousie University)

Language: PureBasic - Size: 41.2 MB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

animesh-s/Neural-Style-Transfer

A PyTorch implementation of 'A Neural Algorithm of Artistic Style' by L. Gatys, A. Ecker, and M. Bethge.

Language: Python - Size: 3.15 MB - Last synced at: 11 months ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 0

F-Mangini/CycleGan-Neural-Style-Transfer

Task: Neural Style Transfer. The implemented solution uses a CycleGan architecture.

Language: Python - Size: 976 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Ashish-Abraham/Art-and-The-Artist

Neural Style Transfer featuring styles of world's greatest artists.

Language: Python - Size: 13.2 MB - Last synced at: 11 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ProGamerGov/Neural-Zoom

Infinite Zoom For Style Transfer

Language: Python - Size: 22.1 MB - Last synced at: 19 days ago - Pushed at: over 5 years ago - Stars: 43 - Forks: 8

bmr549/neural-network-style-transfer-utility

Language: Python - Size: 2.7 MB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 3

omkar-nitsure/Neural-Style-Transfer

Created a Neural network based architecture which is able to generate an image having contents of a content image drawn in the style of a style image

Language: Jupyter Notebook - Size: 76.8 MB - Last synced at: 7 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

koshian2/NeuralStyleTransferTPU

Neural Style Transfer using Colab TPUs by TensorFlow/Keras.

Language: Python - Size: 714 KB - Last synced at: 12 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 2

jebinshaju/Neural_style_transfer_webapp

This project consists of a web application built with React for the frontend and Flask for the backend. The application allows users to perform neural style transfer on images, where the style of one image is applied to the content of another image to generate visually appealing results.

Language: JavaScript - Size: 99.9 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 1

sehooni/Practice_coding

λ‹€μ–‘ν•œ μ½”λ”© 예제 포함

Language: Jupyter Notebook - Size: 4.88 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

jaydeepthik/neural-style-transfer

artistic style transfer using cnn

Language: Python - Size: 16.6 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

ushashwat/Neural-Style-Transfer

A Neural Algorithm to manipulate a digital image so that it adopts the visual style of another image

Language: Jupyter Notebook - Size: 2.67 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

pskrunner14/artsy

Art Generation with Neural Style Transfer in 200 lines of code

Language: Python - Size: 17.3 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 40 - Forks: 6

tetrapod0/Neural-Style-Transfer

λ‚΄κ°€ 찍은 사진을 그림으둜 λ§Œλ“€κΈ°

Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

RahulBhalley/cyclegan-qp

Official PyTorch implementation of "Artist Style Transfer Via Quadratic Potential"

Language: Python - Size: 5.38 MB - Last synced at: 22 days ago - Pushed at: over 4 years ago - Stars: 68 - Forks: 11

ddhruvkr/Unsupervised-Style-Transfer

Implementation of paper Neural Unsupervised Style Transfer based on Multiple-Attribute Text Rewriting (ICLR 2019). Additionally, added a classification loss that gives the model more ability to control style.

Language: Python - Size: 1.15 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

Adamantios/Style-Transfer

Style Transfer project.

Language: Python - Size: 22.7 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

anniepyim/Art-neural-network

Artwork Created by Neural Style Transfer

Language: Jupyter Notebook - Size: 735 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

krishnasrikard/Learning-Computer-Vision

Image Processing using MatLab and TensorFlow

Language: Jupyter Notebook - Size: 969 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

pcs-work/Neural-Style-Transfer-CLI

Command Line Application to perform Neural Style Transfer using ONNX models

Language: Python - Size: 29.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

RajdeepMondal/A-Neural-Algorithm-of-Artistic-Style

TensorFlow implementation of Neural Style Transfer algorithm using Adam optimization

Language: Python - Size: 1.95 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

ethancaballero/gait-cycle-transfer

neural style tranfer from one walking/gait cycle to another; ArXiv:1606.03238 & ArXiv:1508.06576

Language: Jupyter Notebook - Size: 503 KB - Last synced at: 19 days ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 6

hkust-vgd/architectural_style_transfer

Code and data release for ICCP 2022 paper "Time-of-Day Neural Style Transfer for Architectural Photographs".

Language: Python - Size: 15.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 34 - Forks: 5

CesareMagnetti/AutomaticUSnavigation

Language: Python - Size: 378 MB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 0

SamedHrmn/neural-style-transfer-flutter

Neural Style Transfer Application with Flask API and Flutter

Language: Dart - Size: 3.71 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

peter0083/DeepDeco

Generate customizable interior design images with sketches and text description.

Language: Jupyter Notebook - Size: 715 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 18 - Forks: 4

hyzhak/deep-learning-cnn-course-notes

my notes from CNN course of Deep Learning by Andrew Ng

Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: 16 days ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 5

TusharSSurve/Neural-Style-Transfer

Neural Style Transfer with OpenCV

Language: Python - Size: 109 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

amhsirak/nst

Generate images with new artistic style using Neural Networks

Language: Jupyter Notebook - Size: 13.1 MB - Last synced at: 1 day ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 0

Aaditya-Singh/SAFIN

Code for the ICME 2021 paper "SAFIN: Arbitrary Style Transfer With Self-Attentive Factorized Instance Normalization"

Language: Python - Size: 7.23 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 33 - Forks: 8

07Agarg/Neural-Style-Transfer

Implementation of the paper: https://arxiv.org/pdf/1508.06576.pdf

Language: Python - Size: 566 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

RaphaelGN/neural_style_transfer

neural_style_transfer

Language: Jupyter Notebook - Size: 19.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mohadeseh-ghafoori/Coursera-Deep-Learning-Specialization

Language: Jupyter Notebook - Size: 4.83 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

RishabhMathur06/Neural-Style-Transfer-Using-PyTorch

Language: Jupyter Notebook - Size: 5.33 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Shreyasi2002/Neural_Style_Transfer

Generated artistic-style image retaining the features of both content and style image – Neural Style Transfer using a pre-trained VGG19 model in PyTorch.

Language: Python - Size: 11.7 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

AmirRaad/Neural-Style-Transfer

Neural Networks Project

Language: Jupyter Notebook - Size: 25.4 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

Aftaab99/SpectrumArtisticPhotoEditor

Style Photos with AI

Language: Java - Size: 17.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

boromir674/neural-style-transfer

Re-paint any image with the style of another image using a neural style transfer algorithm accessible through an easy-to-use cli.

Language: Python - Size: 3.48 MB - Last synced at: 14 days ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

Related Keywords
neural-style-transfer 399 deep-learning 155 pytorch 94 tensorflow 87 python 61 style-transfer 59 convolutional-neural-networks 53 machine-learning 52 computer-vision 49 vgg19 45 neural-network 39 neural-networks 36 cnn 29 neural-style 25 keras 24 deep-neural-networks 21 transfer-learning 20 neural-style-transfer-pytorch 19 python3 16 yolo 14 art 14 jupyter-notebook 13 artistic-style-transfer 13 artificial-intelligence 13 gan 13 face-recognition 12 object-detection 11 nst 11 image-processing 10 deeplearning 10 flask 10 vgg-19 10 neural-style-transfer-tensorflow 10 resnet 9 ai 9 pytorch-implementation 9 adam-optimizer 8 streamlit 8 recurrent-neural-networks 7 regularization 7 image-classification 7 gram-matrix 7 fast-style-transfer 7 generative-adversarial-network 7 vgg 6 vgg16 6 rnn 6 generative-art 6 hyperparameter-tuning 6 coursera 6 keras-tensorflow 6 cnn-keras 6 tensorflow-hub 6 tensorflow2 5 art-generator 5 semantic-segmentation 5 opencv 5 residual-networks 5 image-manipulation 5 fast-neural-style 5 andrew-ng-course 5 streamlit-webapp 5 hyperparameter-optimization 5 neural-machine-translation 5 cyclegan 5 numpy 4 convolutional-neural-network 4 image-segmentation 4 vgg-16 4 image-style-transfer 4 pytorch-tutorial 4 optimization 4 neural-style-transfer-tutorial 4 styletransfer 4 deeplearning-ai 4 batch-normalization 3 react 3 android 3 docker 3 aws 3 neural-algorithm 3 neural-style-painting 3 opencv-python 3 triplet-loss 3 nodejs 3 python-3 3 unet-image-segmentation 3 image-stylization 3 computervision 3 pix2pix 3 autoencoder 3 logistic-regression 3 google-colab 3 siamese-network 3 data-science 3 django 3 cnn-model 3 firebase 3 image-generation 3 coursera-specialization 3