You need to agree to share your contact information to access this model

This repository is publicly accessible, but you have to accept the conditions to access its files and content.

Log in or Sign Up to review the conditions and access this model content.

OGAI-8x7B-4bit: Oil & Gas AI Model for Drilling Optimization (Quantized)

Hugging Face
License

OGAI-8x7B-4bit is a quantized (4-bit) version of OGAI-8x7B, optimized for deployment in resource-constrained environments while maintaining strong performance for oil and gas drilling engineering tasks.

The model is fine-tuned from Mixtral-8x7B, leveraging a comprehensive dataset of technical literature, engineering workflows, and drilling reports. It is part of GainEnergy's Upstrima AI platform, providing intelligent AI agents, automated workflows, and document-based retrieval-augmented generation (RAG).


πŸ— Why Use the 4-bit Model?

  • πŸš€ Lower VRAM Usage – Runs on consumer GPUs with less than 16GB VRAM.
  • πŸ’‘ Efficient Inference – Optimized using BitsAndBytes 4-bit NF4 quantization.
  • πŸ“š Long-Context Understanding – Retains up to 32K tokens for technical documents.
  • πŸ”¬ Expert-Focused Fine-Tuning – Specifically optimized for drilling operations.

πŸ›  Using the OGAI-8x7B-4bit Model

1️⃣ Install Required Dependencies

pip install torch transformers accelerate bitsandbytes

2️⃣ Load the Model in 4-bit Mode

from transformers import AutoModelForCausalLM, AutoTokenizer, BitsAndBytesConfig

model_id = "GainEnergy/ogai-8x7b-4bit"
bnb_config = BitsAndBytesConfig(load_in_4bit=True, bnb_4bit_compute_dtype="float16")

# Load tokenizer
tokenizer = AutoTokenizer.from_pretrained(model_id)

# Load model with quantization config
model = AutoModelForCausalLM.from_pretrained(
    model_id,
    device_map="auto",
    quantization_config=bnb_config
)

# Run inference
prompt = "Explain the impact of mud weight on wellbore stability."
inputs = tokenizer(prompt, return_tensors="pt").to("cuda")
outputs = model.generate(**inputs, max_new_tokens=200)
print(tokenizer.decode(outputs[0], skip_special_tokens=True))

πŸ“Œ Key Capabilities

βœ… Drilling Calculations & Well Planning – Computes wellbore stability, casing depth, and mud weight optimization.
βœ… Engineering Document Processing (RAG) – Enables document-based AI workflows for drilling reports and operational manuals.
βœ… AI-Powered Drilling Workflows – Integrates with Upstrima AI for automated engineering analysis.
βœ… Optimized for Low VRAM GPUs – Runs on RTX 4090, A100, and consumer-grade GPUs.


πŸš€ Use Cases

πŸ”Ή Drilling Engineering – Automated analysis of wellbore stability, casing designs, and drilling hydraulics.
πŸ”Ή Real-time Optimization – Assists drilling teams in reducing non-productive time (NPT) and improving efficiency.
πŸ”Ή AI-Driven Document Retrieval – Enables retrieval-augmented generation (RAG) for drilling compliance and regulatory reporting.
πŸ”Ή Seamless Integration – Deployable within Upstrima AI, GainEnergy's intelligent AI platform for the oil and gas industry.


πŸ”— Resources


πŸ“š Citing OGAI-8x7B-4bit

@article{ogai8x7b4bit2025,
  title={OGAI-8x7B-4bit: A Quantized AI Model for Oil & Gas Drilling Engineering},
  author={GainEnergy AI Team},
  year={2025},
  publisher={Hugging Face Models}
}
Downloads last month
66
Safetensors
Model size
24.2B params
Tensor type
F32
Β·
FP16
Β·
U8
Β·
Inference Providers NEW
This model is not currently available via any of the supported Inference Providers.

Model tree for GainEnergy/ogai-8x7b-4bit

Adapter
(118)
this model

Datasets used to train GainEnergy/ogai-8x7b-4bit

Evaluation results

  • Drilling Calculations Accuracy on GainEnergy Oil & Gas Corpus
    self-reported
    92.500
  • Engineering Document Retrieval Precision on GainEnergy Oil & Gas Corpus
    self-reported
    89.800
  • Context Retention on GainEnergy Oil & Gas Corpus
    self-reported
    Medium-High