Lunar is a neural network aimbot that uses real-time object detection accelerated with CUDA on Nvidia GPUs.

Overview

Lunar

Lunar is a neural network aimbot that uses real-time object detection accelerated with CUDA on Nvidia GPUs.

About

Lunar can be modified to work with a variety of FPS games; however, it is currently configured for Fortnite. Besides being general purpose, the main advantage of using Lunar is that it is virtually undetectable by anti-cheat software (no memory is meddled with).

The basis of Lunar's player detection is the YOLOv5 architecture written in the PyTorch framework.

A demo video (outdated) can be found here.

thumbnail

Installation

  1. Install a version of Python 3.8 or later.

  2. Navigate to the root directory. Use the package manager pip to install the necessary dependencies.

pip install -r requirements.txt

Usage

python lunar.py

To update sensitivity settings:

python lunar.py setup

To collect image data for annotating and training:

python lunar.py collect_data

Issues

  • The method of mouse movement (SendInput) is slow. For this reason, the crosshair often lags behind a moving detection. This problem can be lessened by increasing the pixel_increment (e.g. to 4) so fewer calls to that function are made.
  • The model is trained on a dataset of Fortnite players, and it will not work well for other games. False positives can also happen under certain lighting conditions.
  • There is a known issue that occurs with PyTorch and the GeForce 16 series GPUs on Windows. Unfortunately, if you are using one of these GPUs, the aimbot will not work for you.

Contributing

Pull requests are welcome. If you have any suggestions, questions, or find any issues, please open an issue and provide some detail. If you find this project interesting or helpful, please star the repository.

License

This project is distributed under GNU General Public License v3.0 license.

Comments
  • Could not find a version that satisfies the requirement ctypes

    Could not find a version that satisfies the requirement ctypes

    When I install the requisiments.txt, in the end I get this error:

    ERROR: Could not find a version that satisfies the requirement ctypes
    ERROR: No matching distribution found for ctypes
    

    2021-04-28 03_53_08-Fortnite

    Even so, I open the program perfectly, but when the game starts and a character appears in front of me, it closes and shows the following error

    2021-04-28 03_54_48-Símbolo del sistema

    btw: i Send you a private message on twitter, you may be interested

    opened by ghost 8
  • unable to draw the bounding boxes?

    unable to draw the bounding boxes?

       cv2.rectangle(frame, x1y1, x2y2, [0, 0, 255], 2) #draw the bounding boxes
    cv2.error: OpenCV(4.5.2) :-1: error: (-5:Bad argument) in function 'rectangle'
    > Overload resolution failed:
    >  - Can't parse 'pt1'. Sequence item with index 0 has a wrong type
    >  - Can't parse 'pt1'. Sequence item with index 0 has a wrong type
    >  - Can't parse 'rec'. Expected sequence length 4, got 2
    >  - Can't parse 'rec'. Expected sequence length 4, got 2
    
    opened by crumbI1 5
  • 16 SERIES AND DETECT

    16 SERIES AND DETECT

    I saw that the files are changed 4 days ago and i have 2 questions, the gpu 16 series now work with aim assist? and second is it detected now? because i saw that is messes with files now

    opened by zMasterITA123 4
  • error pls help

    error pls help

    after i enter the sensitivity it show me that this is dona and then this message

    Traceback (most recent call last): File "C:\Users\Admin\Desktop\Lunar-main\lunar.py", line 71, in from lib.aimbot import Aimbot File "C:\Users\Admin\Desktop\Lunar-main\lib\aimbot.py", line 10, in import torch File "C:\Users\Admin\AppData\Local\Programs\Python\Python39\lib\site-packages\torch_init_.py", line 124, in raise err OSError: [WinError 127] The specified procedure could not be found. Error loading "C:\Users\Admin\AppData\Local\Programs\Python\Python39\lib\site-packages\torch\lib\c10_cuda.dll" or one of its dependencies.

    i will be so thankful if you help me!

    opened by slavjustslav 4
  • Help With the snapping / locking on

    Help With the snapping / locking on

    Hello, ima give you a quick brief of what's going on when I right click / aim in its supposed to lock on via the snap line, but when I right click it moves my mouse a away from the target I already trained it. Maybe I have to install something or fix my path idk I jus need help.

    If you want comment your answer here or if you wanna go through the setup with me add me on discord Dexz#1652

    opened by WhosOn 3
  • Error when running on linux

    Error when running on linux

    When I try to run python3 lunar.py I get an error -

    Traceback (most recent call last): File "lunar.py", line 6, in from pynput import keyboard ModuleNotFoundError: No module named 'pynput'

    opened by nb850 3
  • i can't install pytorch

    i can't install pytorch

    Collecting torchvision Using cached torchvision-0.9.1-cp38-cp38-win_amd64.whl (852 kB) Requirement already satisfied: numpy in c:\users\caler\appdata\local\packages\pythonsoftwarefoundation.python.3.8_qbz5n2kfra8p0\localcache\local-packages\python38\site-packages (from torchvision) (1.20.3) Requirement already satisfied: pillow>=4.1.1 in c:\users\caler\appdata\local\packages\pythonsoftwarefoundation.python.3.8_qbz5n2kfra8p0\localcache\local-packages\python38\site-packages (from torchvision) (8.2.0) Collecting torch==1.8.1 Using cached torch-1.8.1-cp38-cp38-win_amd64.whl (190.5 MB) Requirement already satisfied: typing-extensions in c:\users\caler\appdata\local\packages\pythonsoftwarefoundation.python.3.8_qbz5n2kfra8p0\localcache\local-packages\python38\site-packages (from torch==1.8.1->torchvision) (3.10.0.0) Installing collected packages: torch, torchvision ERROR: Could not install packages due to an OSError: [Errno 2] No such file or directory: 'C:\Users\caler\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.8_qbz5n2kfra8p0\LocalCache\local-packages\Python38\site-packages\caffe2\python\serialized_test\data\operator_test\collect_and_distribute_fpn_rpn_proposals_op_test.test_collect_and_dist.zip'

    opened by anonio100 3
  • why does it track  trees?

    why does it track trees?

    if I'm fighting, it will target trees as well as not be able to see people in bushes and it won't do anything. How do I at least fix it targeting trees? Thank you!

    opened by TheBlindeFortnite 2
  • Mouse Movement

    Mouse Movement

    When the aimbot is enabled the mouse just moves to the upper right hand corner of the screen. Disabling the aimobt does not stop this issue and the program must be closed to stop

    opened by ztnixon97 2
  • I get an error

    I get an error

    I have already installed the necessary dependencies using pip I have python 3.8 and cuda 11.1 installed.

    Traceback (most recent call last): File "lunar.py", line 74, in main() File "lunar.py", line 21, in main lunar = Aimbot(collect_data = "collect_data" in sys.argv, controller = "controller" in sys.argv) TypeError: init() got an unexpected keyword argument 'controller' image

    I also tried with the latest version of python

    update: I downloaded an old version of Lunar and it worked correctly.

    opened by dantepassone 2
  • Aimbot Training

    Aimbot Training

    The aimbot works great, love your script. I have been training my own models for games. One of the issues I have is I get an increase in false positive detections with my models. Any good tips on what types of screenshots to use? I use a mix of clean and messy images. Thinking the messy images may be causing the conflicts. I use around 1500 images, is that too many or too few for the yolov5s model? Any tips would be greatly appreciated. cheers!

    opened by damagedd 2
  • no config.json

    no config.json

    Traceback (most recent call last): File "C:\Users\Admin\Downloads\lunar-main\lunar-main\lunar.py", line 67, in setup() File "C:\Users\Admin\Downloads\lunar-main\lunar-main\lunar.py", line 27, in setup os.makedirs(path) File "C:\Users\Admin\AppData\Local\Programs\Python\Python310\lib\os.py", line 225, in makedirs mkdir(name, mode) FileNotFoundError: [WinError 2] Das System kann die angegebene Datei nicht finden: 'lib/config'

    opened by enragedsweat 0
  • after I set the sensitivity I get the following errors

    after I set the sensitivity I get the following errors

    Exception: [Errno 22] Invalid argument: 'lib\x08est.pt'. Cache may be out of date, try force_reload=True or see https://github.com/ultralytics/yolov5/issues/36 for help.

    opened by MikeGuard 0
  • Thickness error

    Thickness error

    when py script starts capturing screen i get error - Traceback (most recent call last): File "lunar.py", line 74, in main() File "lunar.py", line 22, in main lunar.start() File "C:\Users-\Desktop\lunar-main\lib\aimbot.py", line 182, in start cv2.rectangle(frame, x1y1, x2y2, (244, 113, 115), 2) #draw the bounding boxes for all of the player detections (except own) TypeError: Argument 'thickness' is required to be an integer

    opened by iDreames 0
Owner
Zeyad Mansour
Always open to collaborate on interesting projects!
Zeyad Mansour
Implementation for the paper 'YOLO-ReT: Towards High Accuracy Real-time Object Detection on Edge GPUs'

YOLO-ReT This is the original implementation of the paper: YOLO-ReT: Towards High Accuracy Real-time Object Detection on Edge GPUs. Prakhar Ganesh, Ya

null 69 Oct 19, 2022
Official Implementation of "LUNAR: Unifying Local Outlier Detection Methods via Graph Neural Networks"

LUNAR Official Implementation of "LUNAR: Unifying Local Outlier Detection Methods via Graph Neural Networks" Adam Goodge, Bryan Hooi, Ng See Kiong and

Adam Goodge 25 Dec 28, 2022
Build and run Docker containers leveraging NVIDIA GPUs

NVIDIA Container Toolkit Introduction The NVIDIA Container Toolkit allows users to build and run GPU accelerated Docker containers. The toolkit includ

NVIDIA Corporation 15.6k Jan 1, 2023
🔮 Execution time predictions for deep neural network training iterations across different GPUs.

Habitat: A Runtime-Based Computational Performance Predictor for Deep Neural Network Training Habitat is a tool that predicts a deep neural network's

Geoffrey Yu 44 Dec 27, 2022
NVIDIA Merlin is an open source library providing end-to-end GPU-accelerated recommender systems, from feature engineering and preprocessing to training deep learning models and running inference in production.

NVIDIA Merlin NVIDIA Merlin is an open source library designed to accelerate recommender systems on NVIDIA’s GPUs. It enables data scientists, machine

null 419 Jan 3, 2023
Object tracking and object detection is applied to track golf puts in real time and display stats/games.

Putting_Game Object tracking and object detection is applied to track golf puts in real time and display stats/games. Works best with the Perfect Prac

Max 1 Dec 29, 2021
Trains an agent with stochastic policy gradient ascent to solve the Lunar Lander challenge from OpenAI

Introduction This script trains an agent with stochastic policy gradient ascent to solve the Lunar Lander challenge from OpenAI. In order to run this

Momin Haider 0 Jan 2, 2022
Several simple examples for popular neural network toolkits calling custom CUDA operators.

Neural Network CUDA Example Several simple examples for neural network toolkits (PyTorch, TensorFlow, etc.) calling custom CUDA operators. We provide

WeiYang 798 Jan 1, 2023
Neural network for digit classification powered by cuda

cuda_nn_mnist Neural network library for digit classification powered by cuda Resources The library was built to work with MNIST dataset. python-mnist

Nikita Ardashev 1 Dec 20, 2021
TCNN Temporal convolutional neural network for real-time speech enhancement in the time domain

TCNN Pandey A, Wang D L. TCNN: Temporal convolutional neural network for real-time speech enhancement in the time domain[C]//ICASSP 2019-2019 IEEE Int

凌逆战 16 Dec 30, 2022
Use tensorflow to implement a Deep Neural Network for real time lane detection

LaneNet-Lane-Detection Use tensorflow to implement a Deep Neural Network for real time lane detection mainly based on the IEEE IV conference paper "To

MaybeShewill-CV 1.9k Jan 8, 2023
Real-Time-Student-Attendence-System - Real Time Student Attendence System

Real-Time-Student-Attendence-System The Student Attendance Management System Pro

Rounak Das 1 Feb 15, 2022
GPU-accelerated PyTorch implementation of Zero-shot User Intent Detection via Capsule Neural Networks

GPU-accelerated PyTorch implementation of Zero-shot User Intent Detection via Capsule Neural Networks This repository implements a capsule model Inten

Joel Huang 15 Dec 24, 2022
PyTorch implementation of the Quasi-Recurrent Neural Network - up to 16 times faster than NVIDIA's cuDNN LSTM

Quasi-Recurrent Neural Network (QRNN) for PyTorch Updated to support multi-GPU environments via DataParallel - see the the multigpu_dataparallel.py ex

Salesforce 1.3k Dec 28, 2022
PyTorch implementation of Soft-DTW: a Differentiable Loss Function for Time-Series in CUDA

Soft DTW Loss Function for PyTorch in CUDA This is a Pytorch Implementation of Soft-DTW: a Differentiable Loss Function for Time-Series which is batch

Keon Lee 76 Dec 20, 2022
Time-stretch audio clips quickly with PyTorch (CUDA supported)! Additional utilities for searching efficient transformations are included.

Time-stretch audio clips quickly with PyTorch (CUDA supported)! Additional utilities for searching efficient transformations are included.

Kento Nishi 22 Jul 7, 2022
ICCV2021 Paper: AutoShape: Real-Time Shape-Aware Monocular 3D Object Detection

ICCV2021 Paper: AutoShape: Real-Time Shape-Aware Monocular 3D Object Detection

Zongdai 107 Dec 20, 2022
Unofficial PyTorch implementation of "RTM3D: Real-time Monocular 3D Detection from Object Keypoints for Autonomous Driving" (ECCV 2020)

RTM3D-PyTorch The PyTorch Implementation of the paper: RTM3D: Real-time Monocular 3D Detection from Object Keypoints for Autonomous Driving (ECCV 2020

Nguyen Mau Dzung 271 Nov 29, 2022
Real Time Object Detection and Classification using Yolo Algorithm.

Real time Object detection & Classification using YOLO algorithm. Real Time Object Detection and Classification using Yolo Algorithm. What is Object D

Ketan Chawla 1 Apr 17, 2022