ReviveAI ✨

ReviveAI Logo

Restore your memories. AI-powered image deblurring, sharpening, and scratch removal.

Build Status License Python Version Contributions Welcome


πŸ“– About ReviveAI

ReviveAI leverages the power of Artificial Intelligence to breathe new life into your old or degraded photographs. Whether it's blurriness from camera shake, general lack of sharpness, or physical damage like scratches, ReviveAI aims to restore clarity and detail, preserving your precious moments.

This project utilizes state-of-the-art deep learning models trained specifically for image restoration tasks. Our goal is to provide an accessible tool for enhancing image quality significantly.


πŸ”₯ Key Features

Features

  • βœ… Completed - Image Sharpening: Enhances fine details and edges for a crisper look.
  • βœ… Completed - Scratch Removal: Intelligently detects and inpaints scratches and minor damages on photographs.
  • πŸ› οΈ Work-in-progress - Image Colorization(Coming Soon): Adds realistic color to grayscale images.

✨ Before & After Showcase

See the results of ReviveAI in action!

Examples Task Performed
ReviveAI Sharp Result 1 Image Sharpening
ReviveAI Sharp Result 2 Image Sharpening
ReviveAI Scratch Removal Result 1 Scratch Removal
ReviveAI Scratch Removal Result 2 Scratch Removal


πŸ› οΈ Tech Stack

Python   TensorFlow   OpenCV   NumPy  


πŸ“Š Implementation Status

Track the development progress of ReviveAI's key features and components:

Feature / Component Status Notes / Remarks (Optional)
Image Deblurring/Sharpening βœ… Completed Core model functional
Scratch Removal βœ… Completed Core model functional
Image Colorization 🚧 In Progress Model integration underway

πŸš€ Getting Started

Follow these steps to get ReviveAI running on your local machine or in a Jupyter/Kaggle notebook.

1. Prerequisites

Ensure you have the following installed:


2. Clone the Repository

git clone https://github.com/Zummya/ReviveAI.git
cd ReviveAI

3. Set Up the Environment

We recommend using a virtual environment:

python -m venv env
source env/bin/activate  # On Windows: env\Scripts\activate
pip install -r requirements.txt

🎯 Load Pretrained Models

All models are hosted on the Hugging Face Hub for convenience and version control.

πŸ”Ή Load Image Sharpening Model

from huggingface_hub import hf_hub_download
from tensorflow.keras.models import load_model

model_path = hf_hub_download(
    repo_id="Sami-on-hugging-face/RevAI_Deblur_Model", 
    filename="SharpeningModel_512_30Epochs.keras"
)
model = load_model(model_path, compile=False)

πŸ”Ή Load Scratch Removal Model

from huggingface_hub import hf_hub_download
from tensorflow.keras.models import load_model

model_path = hf_hub_download(
    repo_id="Sami-on-hugging-face/RevAI_Scratch_Removal_Model", 
    filename="scratch_removal_test2.h5"
)
model = load_model(model_path, compile=False)

πŸ“ Folder Structure

ReviveAI/
β”‚
β”œβ”€β”€ README.md
β”œβ”€β”€ .gitignore
β”œβ”€β”€ requirements.txt
β”‚
β”œβ”€β”€ models/
β”‚   β”œβ”€β”€ sharpening_model.txt         # Hugging Face URL
β”‚   └── scratch_removal_model.txt    # Hugging Face URL
β”‚
β”œβ”€β”€ notebooks/
β”‚   β”œβ”€β”€ scratch_removal_notebook.ipynb
β”‚   └── sharpening_model_notebook.ipynb
β”‚
β”œβ”€β”€ before_after_examples/
β”‚   β”œβ”€β”€ sharpening/
β”‚   └── scratch_removal/
β”‚
β”œβ”€β”€ assets/
β”‚   └── revive banner.png, showcase images etc.

πŸ§ͺ Training & Running the Models

ReviveAI includes end-to-end Jupyter notebooks that allow you to both train the models from scratch and test them on custom images.

πŸ“˜ Available Notebooks

Notebook Description
sharpening_model_notebook.ipynb Train the sharpening (deblurring) model + Run predictions
scratch_removal_notebook.ipynb Train the scratch removal model + Run predictions

πŸ’‘ Notebook Features

Each notebook includes:

  • 🧠 Model Architecture
  • πŸ” Data Loading & Preprocessing
  • πŸ‹οΈ Training Pipeline (with adjustable hyperparameters)
  • πŸ’Ύ Saving & Exporting Weights
  • πŸ” Evaluation
  • πŸ–ΌοΈ Visual Demo on Custom Images

πŸ–ΌοΈ Quick Test Function (for inference)

To run a prediction on a new image (after training or loading a model), use:

def display_prediction(image_path, model):
    import cv2
    import matplotlib.pyplot as plt
    import numpy as np

    img = cv2.imread(image_path)
    img = cv2.resize(img, (256, 256)) / 255.0
    input_img = np.expand_dims(img, axis=0)
    predicted = model.predict(input_img)[0]

    plt.figure(figsize=(10, 5))
    plt.subplot(1, 2, 1)
    plt.imshow(img[..., ::-1])
    plt.title("Original Input")
    plt.axis("off")

    plt.subplot(1, 2, 2)
    plt.imshow(predicted)
    plt.title("Model Output")
    plt.axis("off")

    plt.show()

Run the function like this:

display_prediction("your_image_path.jpg", model)

βœ… Tip: If you don't want to train from scratch, you can directly load pretrained weights from Hugging Face (see 🎯 Load Pretrained Models) and skip to the testing section.

ReviveAI

Made with ❀️ at ISTE-VIT


Downloads last month
0
Inference Providers NEW
This model isn't deployed by any Inference Provider. πŸ™‹ Ask for provider support