Neural Network to colorize grayscale images

Overview
Comments
  • fix tensorflow.python.framework.errors.FailedPreconditionError

    fix tensorflow.python.framework.errors.FailedPreconditionError

    opened by dneprDroid 0
  •  string_input_producer requires a non-null input tensor

    string_input_producer requires a non-null input tensor

    any idea about how to solve it?. thanks!

    libpng warning: Application was compiled with png.h from libpng-1.6.22
    libpng warning: Application  is  running with png.c from libpng-1.2.53
    libpng error: Incompatible libpng version in application and library
    
    opened by wkcw 0
  • Changed if conditions on tf.Tensor objects.

    Changed if conditions on tf.Tensor objects.

    Those conditions caused error:

    TypeError: Using a `tf.Tensor` as a Python `bool` is not allowed. Use `if t is not None:` instead of `if t:` to test if a tensor is defined, and use the logical TensorFlow ops to test the value of a tensor.
    

    On my OS X El Capitan, Python 2.7.11, Anaconda 4.0.0 and Tensorflow 0.8.0. With those fixes I was able to run a model.

    opened by syniuhin 0
  • Awesome work, we are hiring

    Awesome work, we are hiring

    Hey Pavel

    Awesome work, and I love to chat more and see if you are interested in working on chat bots. We're hiring talented developers like yourself to work on a revolutionary product on top of messaging platforms like FB Messenger, Viber, Kik, Telegram, etc.

    opened by khangtoh 0
  • train.py fails: google.protobuf.message.DecodeError: Wrong wire type in tag.

    train.py fails: google.protobuf.message.DecodeError: Wrong wire type in tag.

    
    W1209 14:04:14.659156 34370101248 deprecation_wrapper.py:119] From train.py:159: The name tf.GraphDef is deprecated. Please use tf.compat.v1.GraphDef instead.
    
    Traceback (most recent call last):
      File "train.py", line 160, in <module>
        graph_def.ParseFromString(fileContent)
      File "/usr/local/lib/python3.6/site-packages/google/protobuf/message.py", line 187, in ParseFromString
        return self.MergeFromString(serialized)
      File "/usr/local/lib/python3.6/site-packages/google/protobuf/internal/python_message.py", line 1128, in MergeFromString
        if self._InternalParse(serialized, 0, length) != length:
      File "/usr/local/lib/python3.6/site-packages/google/protobuf/internal/python_message.py", line 1180, in InternalParse
        buffer, new_pos, wire_type)  # pylint: disable=protected-access
      File "/usr/local/lib/python3.6/site-packages/google/protobuf/internal/decoder.py", line 952, in _DecodeUnknownField
        raise _DecodeError('Wrong wire type in tag.')
    google.protobuf.message.DecodeError: Wrong wire type in tag.
    

    py36-tensorflow-1.14.0

    opened by yurivict 0
  • not find jpg files

    not find jpg files

    filenames = sorted(glob.glob("../colornet//.jpg")) File "train.py", line 179, in colorimage = input_pipeline(filenames, batch_size, num_epochs=num_epochs) File "train.py", line 31, in input_pipeline filenames, num_epochs=num_epochs, shuffle=False)

    opened by favouriter 2
  • TypeError: Using a `tf.Tensor` as a Python `bool` is not allowed. Use `if t is not None:` instead of `if t:` to test if a tensor is defined, and use TensorFlow ops such as tf.cond to execute subgraphs conditioned on the value of a tensor.

    TypeError: Using a `tf.Tensor` as a Python `bool` is not allowed. Use `if t is not None:` instead of `if t:` to test if a tensor is defined, and use TensorFlow ops such as tf.cond to execute subgraphs conditioned on the value of a tensor.

    i don't exactly know why i am facing this error.any solutions to it.

    File "/home/atul/Desktop/train.py", line 196, in pred = colornet(tensors) File "/home/atul/Desktop/train.py", line 67, in colornet conv1 = tf.nn.relu(tf.nn.conv2d(batch_norm(_tensors["conv4_3"], 512, phase_train),_tensors["weights"]["wc1"], [1, 1, 1, 1], 'SAME')) File "/home/atul/Desktop/train.py", line 45, in batch_norm x = bn.normalize(x, train=phase_train) File "/home/atul/Desktop/batchnorm.py", line 45, in normalize if train: File "/home/atul/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 620, in nonzero raise TypeError("Using a tf.Tensor as a Python bool is not allowed. " TypeError: Using a tf.Tensor as a Python bool is not allowed. Use if t is not None: instead of if t: to test if a tensor is defined, and use TensorFlow ops such as tf.cond to execute subgraphs conditioned on the value of a tensor.

    opened by atulkoc 5
  • error Traceback (most recent call last):   File graph_def.ParseFromString(fileContent) google.protobuf.message.DecodeError: Error parsing messag">

    error Traceback (most recent call last): File "train.py", line 160, in graph_def.ParseFromString(fileContent) google.protobuf.message.DecodeError: Error parsing messag

    Traceback (most recent call last): File "train.py", line 160, in graph_def.ParseFromString(fileContent) google.protobuf.message.DecodeError: Error parsing messag

    opened by GANGREEK 2
Owner
Pavel Hanchar
Pavel Hanchar
Some simple programs built in Python: webcam with cv2 that detects eyes and face, with grayscale filter

Programas en Python Algunos programas simples creados en Python: ?? Webcam con c

Madirex 1 Feb 15, 2022
Library for converting from RGB / GrayScale image to base64 and back.

Library for converting RGB / Grayscale numpy images from to base64 and back. Installation pip install -U image_to_base_64 Conversion RGB to base 64 b

Vladimir Iglovikov 16 Aug 28, 2022
An image base contains 490 images for learning (400 cars and 90 boats), and another 21 images for testingAn image base contains 490 images for learning (400 cars and 90 boats), and another 21 images for testing

SVM Données Une base d’images contient 490 images pour l’apprentissage (400 voitures et 90 bateaux), et encore 21 images pour fait des tests. Prétrait

Achraf Rahouti 3 Nov 30, 2021
This is a model made out of Neural Network specifically a Convolutional Neural Network model

This is a model made out of Neural Network specifically a Convolutional Neural Network model. This was done with a pre-built dataset from the tensorflow and keras packages. There are other alternative libraries that can be used for this purpose, one of which is the PyTorch library.

null 9 Oct 18, 2022
This repository contains notebook implementations of the following Neural Process variants: Conditional Neural Processes (CNPs), Neural Processes (NPs), Attentive Neural Processes (ANPs).

The Neural Process Family This repository contains notebook implementations of the following Neural Process variants: Conditional Neural Processes (CN

DeepMind 892 Dec 28, 2022
Convolutional neural network that analyzes self-generated images in a variety of languages to find etymological similarities

This project is a convolutional neural network (CNN) that analyzes self-generated images in a variety of languages to find etymological similarities. Specifically, the goal is to prove that computer vision can be used to identify cognates known to exist, and perhaps lead linguists to evidence of unknown cognates.

null 1 Feb 3, 2022
Bayesian-Torch is a library of neural network layers and utilities extending the core of PyTorch to enable the user to perform stochastic variational inference in Bayesian deep neural networks

Bayesian-Torch is a library of neural network layers and utilities extending the core of PyTorch to enable the user to perform stochastic variational inference in Bayesian deep neural networks. Bayesian-Torch is designed to be flexible and seamless in extending a deterministic deep neural network architecture to corresponding Bayesian form by simply replacing the deterministic layers with Bayesian layers.

Intel Labs 210 Jan 4, 2023
Neural-net-from-scratch - A simple Neural Network from scratch in Python using the Pymathrix library

A Simple Neural Network from scratch A Simple Neural Network from scratch in Pyt

Youssef Chafiqui 2 Jan 7, 2022
Script that receives an Image (original) and a set of images to be used as "pixels" in reconstruction of the Original image using the set of images as "pixels"

picinpics Script that receives an Image (original) and a set of images to be used as "pixels" in reconstruction of the Original image using the set of

RodrigoCMoraes 1 Oct 24, 2021
CFC-Net: A Critical Feature Capturing Network for Arbitrary-Oriented Object Detection in Remote Sensing Images

CFC-Net This project hosts the official implementation for the paper: CFC-Net: A Critical Feature Capturing Network for Arbitrary-Oriented Object Dete

ming71 55 Dec 12, 2022
Official implement of Paper:A deeply supervised image fusion network for change detection in high resolution bi-temporal remote sening images

A deeply supervised image fusion network for change detection in high resolution bi-temporal remote sensing images 深度监督影像融合网络DSIFN用于高分辨率双时相遥感影像变化检测 Of

Chenxiao Zhang 135 Dec 19, 2022
CCAFNet: Crossflow and Cross-scale Adaptive Fusion Network for Detecting Salient Objects in RGB-D Images

Code and result about CCAFNet(IEEE TMM) 'CCAFNet: Crossflow and Cross-scale Adaptive Fusion Network for Detecting Salient Objects in RGB-D Images' IEE

zyrant丶 14 Dec 29, 2021
Deep Multi-Magnification Network for multi-class tissue segmentation of whole slide images

Deep Multi-Magnification Network This repository provides training and inference codes for Deep Multi-Magnification Network published here. Deep Multi

Computational Pathology 12 Aug 6, 2022
IntraQ: Learning Synthetic Images with Intra-Class Heterogeneity for Zero-Shot Network Quantization

IntraQ: Learning Synthetic Images with Intra-Class Heterogeneity for Zero-Shot Network Quantization paper Requirements Python >= 3.7.10 Pytorch == 1.7

null 1 Nov 19, 2021
InDuDoNet+: A Model-Driven Interpretable Dual Domain Network for Metal Artifact Reduction in CT Images

InDuDoNet+: A Model-Driven Interpretable Dual Domain Network for Metal Artifact Reduction in CT Images Hong Wang, Yuexiang Li, Haimiao Zhang, Deyu Men

Hong Wang 4 Dec 27, 2022
Learning Lightweight Low-Light Enhancement Network using Pseudo Well-Exposed Images

Learning Lightweight Low-Light Enhancement Network using Pseudo Well-Exposed Images This repository contains the implementation of the following paper

Seonggwan Ko 9 Jul 30, 2022
pixelNeRF: Neural Radiance Fields from One or Few Images

pixelNeRF: Neural Radiance Fields from One or Few Images Alex Yu, Vickie Ye, Matthew Tancik, Angjoo Kanazawa UC Berkeley arXiv: http://arxiv.org/abs/2

Alex Yu 1k Jan 4, 2023
PN-Net a neural field-based framework for depth estimation from single-view RGB images.

PN-Net We present a neural field-based framework for depth estimation from single-view RGB images. Rather than representing a 2D depth map as a single

null 1 Oct 2, 2021