[llvm] [ORC] Add automatic shared library resolver for unresolved symbols. (PR #148410)

via llvm-commits llvm-commits at lists.llvm.org
Wed Oct 8 22:48:44 PDT 2025


https://github.com/SahilPatidar updated https://github.com/llvm/llvm-project/pull/148410

>From ab6f1f8988d2c40964cfe657584dc434f9a8f1d8 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Wed, 2 Jul 2025 14:47:27 +0530
Subject: [PATCH 01/37] [ORC] Add auto-loading of shared libraries for
 unresolved symbols

---
 .../ExecutionEngine/Orc/Shared/SymbolFilter.h | 173 ++++
 .../Orc/TargetProcess/DynamicLoader.h         | 490 +++++++++++
 .../Orc/TargetProcess/LibraryScanner.h        | 253 ++++++
 .../Orc/TargetProcess/CMakeLists.txt          |   2 +
 .../Orc/TargetProcess/DynamicLoader.cpp       | 274 ++++++
 .../Orc/TargetProcess/LibraryScanner.cpp      | 789 ++++++++++++++++++
 6 files changed, 1981 insertions(+)
 create mode 100644 llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
 create mode 100644 llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
 create mode 100644 llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
 create mode 100644 llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
 create mode 100644 llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h b/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
new file mode 100644
index 0000000000000..8848564d1faef
--- /dev/null
+++ b/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
@@ -0,0 +1,173 @@
+//===--- SymbolFilter.h - Utils for Symbol Filter ---*- C++ -*-===//
+//
+// Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
+// See https://llvm.org/LICENSE.txt for license information.
+// SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
+//
+//===----------------------------------------------------------------------===//
+
+#ifndef LLVM_EXECUTIONENGINE_ORC_SHARED_SYMBOLFILTER_H
+#define LLVM_EXECUTIONENGINE_ORC_SHARED_SYMBOLFILTER_H
+
+#include "llvm/ExecutionEngine/Orc/Shared/SimplePackedSerialization.h"
+
+#include <math.h>
+#include <type_traits>
+#include <vector>
+
+namespace llvm {
+namespace orc {
+
+namespace shared {
+using SPSBloomFilter =
+    SPSTuple<bool, uint32_t, uint32_t, uint32_t, SPSSequence<uint64_t>>;
+}
+
+class BloomFilter {
+public:
+  using HashFunc = std::function<uint32_t(StringRef)>;
+
+  BloomFilter() = default;
+  BloomFilter(BloomFilter &&) noexcept = default;
+  BloomFilter &operator=(BloomFilter &&) noexcept = default;
+  BloomFilter(const BloomFilter &) = delete;
+  BloomFilter &operator=(const BloomFilter &) = delete;
+
+  BloomFilter(uint32_t symbolCount, float falsePositiveRate, HashFunc hashFn)
+      : hashFunc(std::move(hashFn)) {
+    initialize(symbolCount, falsePositiveRate);
+  }
+  bool IsInitialized() const { return initialized; }
+
+  void add(StringRef symbol) {
+    assert(initialized);
+    addHash(hashFunc(symbol));
+  }
+
+  bool mayContain(StringRef symbol) const {
+    return !isEmpty() && testHash(hashFunc(symbol));
+  }
+
+  bool isEmpty() const { return symbolCount_ == 0; }
+
+private:
+  friend class shared::SPSSerializationTraits<shared::SPSBloomFilter,
+                                              BloomFilter>;
+  static constexpr uint32_t bitsPerEntry = 64;
+
+  bool initialized = false;
+  uint32_t symbolCount_ = 0;
+  uint32_t bloomSize = 0;
+  uint32_t bloomShift = 0;
+  std::vector<uint64_t> bloomTable;
+  HashFunc hashFunc;
+
+  void initialize(uint32_t symbolCount, float falsePositiveRate) {
+    assert(symbolCount > 0);
+    symbolCount_ = symbolCount;
+    initialized = true;
+
+    float ln2 = std::log(2.0f);
+    float m = -1.0f * symbolCount * std::log(falsePositiveRate) / (ln2 * ln2);
+    bloomSize = static_cast<uint32_t>(std::ceil(m / bitsPerEntry));
+    bloomShift = std::min(6u, log2ceil(symbolCount));
+    bloomTable.resize(bloomSize, 0);
+  }
+
+  void addHash(uint32_t hash) {
+    uint32_t hash2 = hash >> bloomShift;
+    uint32_t n = (hash / bitsPerEntry) % bloomSize;
+    uint64_t mask =
+        (1ULL << (hash % bitsPerEntry)) | (1ULL << (hash2 % bitsPerEntry));
+    bloomTable[n] |= mask;
+  }
+
+  bool testHash(uint32_t hash) const {
+    uint32_t hash2 = hash >> bloomShift;
+    uint32_t n = (hash / bitsPerEntry) % bloomSize;
+    uint64_t mask =
+        (1ULL << (hash % bitsPerEntry)) | (1ULL << (hash2 % bitsPerEntry));
+    return (bloomTable[n] & mask) == mask;
+  }
+
+  static constexpr uint32_t log2ceil(uint32_t v) {
+    return v <= 1 ? 0 : 32 - countl_zero(v - 1);
+  }
+};
+
+class BloomFilterBuilder {
+public:
+  using HashFunc = BloomFilter::HashFunc;
+
+  BloomFilterBuilder() = default;
+
+  BloomFilterBuilder &setFalsePositiveRate(float rate) {
+    assert(rate > 0.0f && rate < 1.0f);
+    falsePositiveRate = rate;
+    return *this;
+  }
+
+  BloomFilterBuilder &setHashFunction(HashFunc func) {
+    hashFunc = std::move(func);
+    return *this;
+  }
+
+  BloomFilter build(const std::vector<std::string> &symbols) const {
+    assert(!symbols.empty() && "Cannot build filter from empty symbol list.");
+    BloomFilter filter(static_cast<uint32_t>(symbols.size()), falsePositiveRate,
+                       hashFunc);
+    for (const auto &sym : symbols) {
+      filter.add(sym);
+    }
+    return filter;
+  }
+
+private:
+  float falsePositiveRate = 0.02f;
+  HashFunc hashFunc = [](StringRef s) -> uint32_t {
+    uint32_t h = 5381;
+    for (char c : s)
+      h = ((h << 5) + h) + static_cast<uint8_t>(c); // h * 33 + c
+    return h;
+  };
+};
+
+namespace shared {
+
+template <> class SPSSerializationTraits<SPSBloomFilter, BloomFilter> {
+public:
+  static size_t size(const BloomFilter &Filter) {
+    return SPSBloomFilter::AsArgList::size(
+        Filter.initialized, Filter.symbolCount_, Filter.bloomSize,
+        Filter.bloomShift, Filter.bloomTable);
+  }
+
+  static bool serialize(SPSOutputBuffer &OB, const BloomFilter &Filter) {
+    return SPSBloomFilter::AsArgList::serialize(
+        OB, Filter.initialized, Filter.symbolCount_, Filter.bloomSize,
+        Filter.bloomShift, Filter.bloomTable);
+  }
+
+  static bool deserialize(SPSInputBuffer &IB, BloomFilter &Filter) {
+    bool IsInitialized;
+    uint32_t symbolCount_ = 0, bloomSize = 0, bloomShift = 0;
+    std::vector<uint64_t> bloomTable;
+
+    if (!SPSBloomFilter::AsArgList::deserialize(
+            IB, IsInitialized, symbolCount_, bloomSize, bloomShift, bloomTable))
+      return false;
+
+    Filter.initialized = IsInitialized;
+    Filter.symbolCount_ = symbolCount_;
+    Filter.bloomSize = bloomSize;
+    Filter.bloomShift = bloomShift;
+    Filter.bloomTable = std::move(bloomTable);
+
+    return true;
+  }
+};
+
+} // end namespace shared
+} // end namespace orc
+} // end namespace llvm
+#endif // LLVM_EXECUTIONENGINE_ORC_SHARED_SYMBOLFILTER_H
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
new file mode 100644
index 0000000000000..0b98be4cd9bf1
--- /dev/null
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
@@ -0,0 +1,490 @@
+//===- DynamicLoader.h - Automatic Dynamic Library Symbol Resolution -*- C++
+//-*-===//
+//
+// Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
+// See https://llvm.org/LICENSE.txt for license information.
+// SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
+//
+//===----------------------------------------------------------------------===//
+//
+// This file provides support for automatically searching symbols across
+// dynamic libraries that have not yet been loaded.
+//
+//===----------------------------------------------------------------------===//
+
+#ifndef LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_DYNAMICLOADER_H
+#define LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_DYNAMICLOADER_H
+
+#include "llvm/ADT/FunctionExtras.h"
+#include "llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h"
+#include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
+#include "llvm/Support/Path.h"
+
+#include <shared_mutex>
+#include <unordered_map>
+
+namespace llvm {
+namespace orc {
+
+// Represents a collection of libraries, each optionally associated with a
+// symbol filter and hash map.
+// class LibraryCollection {
+// public:
+//   class LibraryInfo {
+//   public:
+//     LibraryInfo(const LibraryInfo &) = delete;
+//     LibraryInfo &operator=(const LibraryInfo &) = delete;
+
+//     LibraryInfo(std::string basePath,
+//                 std::optional<BloomFilter> filter = std::nullopt
+//         : basePath(std::move(basePath)), filter(std::move(filter)) {}
+
+//     StringRef getBasePath() const { return basePath; }
+//     StringRef getFileName() const { return fileName; }
+
+//     std::string getFullPath() const {
+//       llvm::SmallString<512> fullPath(basePath);
+//       llvm::sys::path::append(fullPath, llvm::StringRef(fileName));
+//       return std::string(fullPath.str());
+//     }
+
+//     bool setFilter(const BloomFilter &f);
+//     bool buildFilter(const std::vector<std::string> &symbols);
+//     bool ensureFilterBuilt(const std::vector<std::string> &symbols);
+//     bool buildHashMap(const std::vector<std::string> &symbols);
+
+//     bool mayContain(StringRef symbol) const;
+//     bool hasFilter() const { return filter.has_value(); }
+//     bool hasHashMap() const { return hashMap.has_value(); }
+
+//   private:
+//     std::string basePath;
+//     std::string fileName;
+//     std::optional<BloomFilter> filter;
+//     std::mutex mutex;
+//   };
+
+//   using LibraryVisitor = unique_function<bool(const LibraryInfo &)>;
+
+//   // Visit each library. Stops early if visitor returns false.
+//   bool forEachLibrary(LibraryVisitor &&visitor) const;
+
+//   // Visit each library. Removes those for which the visitor returns true.
+//   bool removeIf(LibraryVisitor &&shouldRemove);
+
+//   // Adds a new library with optional filter and hash map.
+//   bool addLibrary(std::string basePath,
+//                   std::optional<BloomFilter> filter = std::nullopt);
+
+//   // Removes a library by base path.
+//   bool removeLibrary(const std::string &basePath);
+
+// private:
+//   struct LibraryInfoHash {
+//     size_t operator()(const LibraryInfo &lib) const {
+//       return std::hash<size_t>()(lib.getBasePath().length()) ^
+//              std::hash<std::string>()(std::string(lib.getFileName()));
+//     }
+//   };
+
+//   std::unordered_set<LibraryInfo, LibraryInfoHash> libraries;
+//   std::vector<const LibraryInfo *> Libs;
+//   mutable std::mutex mutex;
+// };
+
+/// Manages library metadata and state for symbol resolution.
+///
+/// Tracks libraries by load state and kind (user/system), and stores associated
+/// Bloom filters and hash maps to speed up symbol lookups. Thread-safe for
+/// concurrent access.
+class LibraryManager {
+public:
+  enum class State : uint8_t { Unloaded = 0, Loaded = 1, Queried = 2 };
+  enum class Kind : uint8_t { User = 0, System = 1 };
+
+  class LibraryInfo {
+  public:
+    LibraryInfo(const LibraryInfo &) = delete;
+    LibraryInfo &operator=(const LibraryInfo &) = delete;
+
+    LibraryInfo(std::string filePath, State s, Kind k,
+                std::optional<BloomFilter> filter = std::nullopt)
+        : filePath(std::move(filePath)), state(s), kind(k),
+          filter(std::move(filter)) {}
+
+    StringRef getBasePath() const { return sys::path::parent_path(filePath); }
+    StringRef getFileName() const { return sys::path::filename(filePath); }
+
+    std::string getFullPath() const { return filePath; }
+
+    bool setFilter(BloomFilter F) {
+      std::lock_guard lock(mutex);
+      if (filter)
+        return false;
+      filter.emplace(std::move(F));
+      return true;
+    }
+
+    bool ensureFilterBuilt(const BloomFilterBuilder &FB,
+                           const std::vector<std::string> &symbols) {
+      std::lock_guard lock(mutex);
+      if (filter)
+        return false;
+      filter.emplace(FB.build(symbols));
+      return true;
+    }
+
+    bool mayContain(StringRef symbol) const {
+      assert(hasFilter());
+      std::shared_lock lock(mutex);
+      return filter->mayContain(symbol);
+    }
+
+    bool hasFilter() const {
+      std::shared_lock lock(mutex);
+      return filter.has_value();
+    }
+
+    State getState() const { return state.load(); }
+    Kind getKind() const { return kind; }
+
+    void setState(State s) { state.store(s); }
+
+    bool operator==(const LibraryInfo &other) const {
+      return filePath == other.filePath;
+    }
+
+  private:
+    std::string filePath;
+    std::atomic<State> state;
+    Kind kind;
+    std::optional<BloomFilter> filter;
+    mutable std::shared_mutex mutex;
+  };
+
+  class FilteredView {
+  public:
+    using Map = std::unordered_map<std::string, std::shared_ptr<LibraryInfo>>;
+    using Iterator = typename Map::const_iterator;
+    class FilterIterator {
+    public:
+      FilterIterator(Iterator _it, Iterator _end, State s, Kind k)
+          : it(_it), end(_end), state(s), kind(k) {
+        advance();
+      }
+
+      bool operator!=(const FilterIterator &other) const {
+        return it != other.it;
+      }
+      const std::shared_ptr<LibraryInfo> &operator*() const {
+        return it->second;
+      }
+
+      FilterIterator &operator++() {
+        ++it;
+        advance();
+        return *this;
+      }
+
+    private:
+      void advance() {
+        while (it != end) {
+          const auto &lib = it->second;
+          if (lib->getState() == state && lib->getKind() == kind)
+            break;
+          ++it;
+        }
+      }
+      Iterator it, end;
+      State state;
+      Kind kind;
+    };
+    FilteredView(Iterator begin, Iterator end, State s, Kind k)
+        : begin_(begin), end_(end), state_(s), kind_(k) {}
+
+    FilterIterator begin() const {
+      return FilterIterator(begin_, end_, state_, kind_);
+    }
+
+    FilterIterator end() const {
+      return FilterIterator(end_, end_, state_, kind_);
+    }
+
+  private:
+    Iterator begin_, end_;
+    State state_;
+    Kind kind_;
+  };
+
+private:
+  std::unordered_map<std::string, std::shared_ptr<LibraryInfo>> libraries;
+  mutable std::shared_mutex mutex;
+
+public:
+  using LibraryVisitor = std::function<bool(const LibraryInfo &)>;
+
+  LibraryManager() = default;
+  ~LibraryManager() = default;
+
+  bool addLibrary(std::string path, Kind kind,
+                  std::optional<BloomFilter> filter = std::nullopt) {
+    std::unique_lock<std::shared_mutex> lock(mutex);
+    // SmallString<256> nativePath(path);
+    // sys::path::native(nativePath);
+
+    // auto P = nativePath.str();
+
+    if (libraries.count(path) > 0)
+      return false;
+    libraries.emplace(std::move(path),
+                      std::make_shared<LibraryInfo>(path, State::Unloaded, kind,
+                                                    std::move(filter)));
+    return true;
+  }
+
+  bool hasLibrary(StringRef path) {
+    std::shared_lock<std::shared_mutex> lock(mutex);
+    if (libraries.count(path.str()) > 0)
+      return true;
+    return false;
+  }
+
+  bool removeLibrary(const std::string &path) {
+    std::unique_lock<std::shared_mutex> lock(mutex);
+    // auto P = sys::path::native(path);
+    auto I = libraries.find(path);
+    if (I == libraries.end())
+      return false;
+    libraries.erase(I);
+    return true;
+  }
+
+  void markLoaded(const std::string &path) {
+    std::unique_lock<std::shared_mutex> lock(mutex);
+    if (auto it = libraries.find(path); it != libraries.end()) {
+      it->second->setState(State::Loaded);
+    }
+  }
+
+  void markQueried(const std::string &path) {
+    std::unique_lock<std::shared_mutex> lock(mutex);
+    if (auto it = libraries.find(path); it != libraries.end()) {
+      it->second->setState(State::Queried);
+    }
+  }
+
+  std::shared_ptr<LibraryInfo> getLibrary(const std::string &path) {
+    std::shared_lock<std::shared_mutex> lock(mutex);
+    if (auto it = libraries.find(path); it != libraries.end())
+      return it->second;
+    return nullptr;
+  }
+
+  FilteredView getView(State s, Kind k) const {
+    std::shared_lock lock(mutex);
+    return FilteredView(libraries.begin(), libraries.end(), s, k);
+  }
+
+  void forEachLibrary(const LibraryVisitor &visitor) const {
+    std::unique_lock lock(mutex);
+    for (const auto &[_, entry] : libraries) {
+      if (!visitor(*entry))
+        break;
+    }
+  }
+
+  bool isLoaded(StringRef path) const {
+    std::unique_lock lock(mutex);
+    if (auto it = libraries.find(path.str()); it != libraries.end())
+      return it->second->getState() == State::Loaded;
+    return false;
+  }
+
+  bool isQueried(StringRef path) const {
+    std::unique_lock lock(mutex);
+    if (auto it = libraries.find(path.str()); it != libraries.end())
+      return it->second->getState() == State::Queried;
+    return false;
+  }
+
+  void clear() {
+    std::unique_lock lock(mutex);
+    libraries.clear();
+  }
+};
+
+using LibraryInfo = LibraryManager::LibraryInfo;
+
+/// Scans libraries and resolves symbols across user and system paths.
+///
+/// Supports symbol enumeration and filtering via SymbolEnumerator, and tracks
+/// symbol resolution results through SymbolQuery. Thread-safe and uses
+/// LibraryScanHelper for efficient path resolution and caching.
+class DynamicLoader {
+public:
+  class SymbolEnumerator {
+  public:
+    enum class Result { Continue, Stop, Error };
+
+    using OnEachSymbolFn = std::function<Result(const std::string &)>;
+
+    enum class Filter : uint32_t {
+      None = 0,
+      IgnoreUndefined = 1 << 0,
+      IgnoreWeak = 1 << 1,
+      IgnoreIndirect = 1 << 2,
+
+      Default = IgnoreUndefined
+    };
+
+    struct Options {
+      uint32_t FilterFlags = static_cast<uint32_t>(Filter::Default);
+    };
+
+    static bool enumerateSymbols(llvm::StringRef Path, OnEachSymbolFn OnEach,
+                                 const Options &Opts);
+  };
+
+  class SymbolQuery {
+  public:
+    struct Result {
+      std::string Name;
+      std::string ResolvedLibPath;
+    };
+
+  private:
+    mutable std::shared_mutex mtx;
+    std::unordered_map<std::string, Result> results;
+    std::atomic<size_t> resolvedCount = 0;
+
+  public:
+    explicit SymbolQuery(const std::vector<std::string> &symbols) {
+      for (const auto &s : symbols)
+        results.emplace(s, Result{s, ""});
+    }
+
+    std::vector<std::string> getUnresolvedSymbols() const {
+      std::vector<std::string> unresolved;
+      std::shared_lock lock(mtx);
+      for (const auto &[name, res] : results) {
+        if (res.ResolvedLibPath.empty())
+          unresolved.push_back(name);
+      }
+      return unresolved;
+    }
+
+    void resolve(const std::string &symbol, const std::string &libPath) {
+      std::unique_lock lock(mtx);
+      auto it = results.find(symbol);
+      if (it != results.end() && it->second.ResolvedLibPath.empty()) {
+        it->second.ResolvedLibPath = libPath;
+        ++resolvedCount;
+      }
+    }
+
+    bool allResolved() const {
+      return resolvedCount.load(std::memory_order_relaxed) == results.size();
+    }
+
+    bool hasUnresolved() const {
+      return resolvedCount.load(std::memory_order_relaxed) < results.size();
+    }
+
+    std::optional<std::string> getResolvedLib(const std::string &symbol) const {
+      std::shared_lock lock(mtx);
+      auto it = results.find(symbol);
+      if (it != results.end() && !it->second.ResolvedLibPath.empty())
+        return it->second.ResolvedLibPath;
+      return std::nullopt;
+    }
+
+    bool isResolved(const std::string &symbol) const {
+      std::shared_lock lock(mtx);
+      auto it = results.find(symbol);
+      return it != results.end() && !it->second.ResolvedLibPath.empty();
+    }
+
+    std::vector<Result> getAllResults() const {
+      std::shared_lock lock(mtx);
+      std::vector<Result> out;
+      out.reserve(results.size());
+      for (const auto &[_, res] : results)
+        out.push_back(res);
+      return out;
+    }
+  };
+
+  struct Setup {
+    std::vector<std::string> basePaths;
+    std::shared_ptr<LibraryPathCache> cache;
+    std::shared_ptr<PathResolver> resolver;
+    // std::shared_ptr<DylibPathResolver> dylibResolver;
+
+    bool includeSys = false;
+
+    LibraryScanner::shouldScanFn shouldScan = [](StringRef) { return true; };
+
+    BloomFilterBuilder filterBuilder = BloomFilterBuilder();
+
+    static Setup create(
+        std::vector<std::string> basePaths,
+        std::shared_ptr<LibraryPathCache> existingCache = nullptr,
+        std::shared_ptr<PathResolver> existingResolver = nullptr,
+        //  std::shared_ptr<DylibPathResolver> existingDylibResolver = nullptr,
+        LibraryScanner::shouldScanFn customShouldScan = nullptr) {
+      Setup setup;
+      setup.basePaths = std::move(basePaths);
+
+      setup.cache =
+          existingCache ? existingCache : std::make_shared<LibraryPathCache>();
+
+      setup.resolver = existingResolver
+                           ? existingResolver
+                           : std::make_shared<PathResolver>(setup.cache);
+
+      // setup.dylibResolver = std::move(existingDylibResolver);
+
+      if (customShouldScan)
+        setup.shouldScan = std::move(customShouldScan);
+
+      return setup;
+    }
+  };
+
+  DynamicLoader() = delete;
+  explicit DynamicLoader(const Setup &setup);
+  ~DynamicLoader() = default;
+
+  using OnSearchComplete = unique_function<void(SymbolQuery &)>;
+
+  void searchSymbolsInLibraries(std::vector<std::string> &symbolNames,
+                                OnSearchComplete callback);
+
+private:
+  void scanLibrariesIfNeeded(LibraryManager::Kind K);
+  void resolveSymbolsInLibrary(LibraryInfo &library, SymbolQuery &query);
+  bool
+  symbolExistsInLibrary(const LibraryInfo &library, llvm::StringRef symbol,
+                        std::vector<std::string> *matchedSymbols = nullptr);
+
+  bool symbolExistsInLibrary(const LibraryInfo &lib, llvm::StringRef symbolName,
+                             std::vector<std::string> *allSymbols,
+                             const SymbolEnumerator::Options &opts);
+
+  std::shared_ptr<LibraryPathCache> m_cache;
+  std::shared_ptr<PathResolver> m_PathResolver;
+  LibraryScanHelper ScanH;
+  BloomFilterBuilder FB;
+  LibraryManager LibMgr;
+  LibraryScanner::shouldScanFn m_shouldScan;
+  // std::shared_ptr<DylibPathResolver> m_DylibPathResolver;
+  bool includeSys;
+};
+
+using SymbolEnumerator = DynamicLoader::SymbolEnumerator;
+using EnumerateResult = SymbolEnumerator::Result;
+
+} // end namespace orc
+} // end namespace llvm
+
+#endif // LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_DYNAMICLOADER_H
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
new file mode 100644
index 0000000000000..d4be0bce2b125
--- /dev/null
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -0,0 +1,253 @@
+//===- LibraryScanner.h - Scan Library -*- C++
+//-*-===//
+//
+// Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
+// See https://llvm.org/LICENSE.txt for license information.
+// SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
+//
+//===----------------------------------------------------------------------===//
+//
+// This file provides support for scanning dynamic library.
+//
+//===----------------------------------------------------------------------===//
+
+#ifndef LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_LIBRARYSCANNER_H
+#define LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_LIBRARYSCANNER_H
+
+#include "llvm/ADT/FunctionExtras.h"
+#include "llvm/ADT/SmallVector.h"
+#include "llvm/ADT/StringRef.h"
+#include "llvm/Support/Error.h"
+
+#include <mutex>
+#include <queue>
+#include <shared_mutex>
+#include <string>
+#include <unordered_map>
+#include <unordered_set>
+
+namespace llvm {
+namespace orc {
+
+class LibraryManager;
+
+class LibraryPathCache {
+  friend class PathResolver;
+
+public:
+  LibraryPathCache() = default;
+
+  void clear();
+
+  void markSeen(const std::string &canon_path) { m_seen.insert(canon_path); }
+
+  bool hasSeen(StringRef canon_path, bool cache = true) {
+    std::shared_lock lock(m_mutex);
+    std::string s = canon_path.str();
+    if (m_seen.count(s) > 0)
+      return true;
+    if (cache)
+      markSeen(s);
+    return false;
+  }
+
+private:
+  mutable std::shared_mutex m_mutex;
+
+  struct PathInfo {
+    std::string canonicalPath;
+    std::error_code errnoCode;
+  };
+
+  std::unordered_map<std::string, std::string> m_readlinkCache;
+  std::unordered_map<std::string, PathInfo> m_realpathCache;
+  std::unordered_map<std::string, mode_t> m_lstatCache;
+  std::unordered_set<std::string> m_seen;
+};
+
+/// Resolves file system paths with optional caching of results.
+///
+/// Supports lstat, readlink, and realpath operations. Can resolve paths
+/// relative to a base and handle symbolic links. Caches results to reduce
+/// repeated system calls when enabled.
+class PathResolver {
+public:
+  PathResolver(std::shared_ptr<LibraryPathCache> cache)
+      : m_cache(std::move(cache)) {}
+
+  std::optional<std::string> resolve(const std::string &path,
+                                     std::error_code &ec) {
+    return realpathCached(path, ec);
+  }
+  mode_t lstatCached(const std::string &path);
+  std::optional<std::string> readlinkCached(const std::string &path);
+  std::optional<std::string> realpathCached(StringRef path, std::error_code &ec,
+                                            StringRef base = "",
+                                            bool baseIsResolved = false,
+                                            long symloopLevel = 40);
+
+private:
+  mutable std::shared_mutex m_mutex;
+  std::shared_ptr<LibraryPathCache> m_cache;
+};
+
+class LibraryScanHelper;
+
+class DylibPathResolver {
+public:
+  DylibPathResolver(LibraryScanHelper &m_helper) : m_helper(m_helper) {}
+
+  /// Resolve a dynamic library path considering RPath, RunPath, and
+  /// substitutions.
+  std::optional<std::string> resolve(StringRef libStem,
+                                     SmallVector<StringRef, 2> RPath = {},
+                                     SmallVector<StringRef, 2> RunPath = {},
+                                     StringRef libLoader = "",
+                                     bool variateLibStem = true);
+
+private:
+  LibraryScanHelper &m_helper;
+
+  std::optional<std::string> substOne(StringRef path, StringRef pattern,
+                                      StringRef replacement);
+
+  /// Apply all known loader substitutions to the path
+  std::optional<std::string> substAll(StringRef path, StringRef loaderPath);
+
+  std::optional<std::string> tryWithBasePaths(ArrayRef<StringRef> basePaths,
+                                              StringRef stem,
+                                              StringRef loaderPath);
+
+  /// Try resolving the path using RPATH, searchPaths, and RUNPATH (in that
+  /// order)
+  std::optional<std::string> tryAllPaths(StringRef stem,
+                                         ArrayRef<StringRef> RPath,
+                                         ArrayRef<StringRef> RunPath,
+                                         StringRef loaderPath);
+
+  std::optional<std::string> tryWithExtensions(StringRef baseName,
+                                               ArrayRef<StringRef> RPath,
+                                               ArrayRef<StringRef> RunPath,
+                                               StringRef loaderPath);
+
+  std::optional<std::string> normalizeIfShared(StringRef path);
+};
+
+enum class PathKind { User, System };
+
+enum class ScanState { NotScanned, Scanning, Scanned };
+
+struct LibraryUnit {
+  std::string basePath; // Canonical base directory path
+  PathKind kind;        // User or System
+  std::atomic<ScanState> state;
+
+  LibraryUnit(std::string base, PathKind k)
+      : basePath(std::move(base)), kind(k), state(ScanState::NotScanned) {}
+};
+
+/// Scans and tracks libraries for symbol resolution.
+///
+/// Maintains a list of library paths to scan, caches scanned units,
+/// and resolves paths canonically for consistent tracking.
+class LibraryScanHelper {
+public:
+  explicit LibraryScanHelper(const std::vector<std::string> &paths,
+                             std::shared_ptr<LibraryPathCache> m_cache,
+                             std::shared_ptr<PathResolver> m_resolver)
+      : m_cache(std::move(m_cache)), m_resolver(std::move(m_resolver)) {
+    for (const auto &p : paths)
+      addBasePath(p);
+  }
+
+  void addBasePath(
+      const std::string &path); // Add a canonical directory for scanning
+  std::vector<std::shared_ptr<LibraryUnit>> getNextBatch(PathKind kind,
+                                                         size_t batchSize);
+
+  bool isTrackedBasePath(const std::string &path) const;
+  std::vector<std::shared_ptr<LibraryUnit>> getAllUnits() const;
+
+  PathResolver &getPathResolver() const { return *m_resolver; }
+
+  LibraryPathCache &getCache() const { return *m_cache; }
+
+  bool hasSeen(StringRef path) const { return m_cache->hasSeen(path); }
+
+  std::optional<std::string> resolve(StringRef path,
+                                     std::error_code &ec) const {
+    return m_resolver->resolve(path.str(), ec);
+  }
+
+private:
+  std::string resolveCanonical(const std::string &path,
+                               std::error_code &ec) const;
+  PathKind classifyKind(const std::string &path) const;
+
+  mutable std::shared_mutex m_fileMutex;
+  mutable std::shared_mutex m_mutex;
+  std::shared_ptr<LibraryPathCache> m_cache;
+  std::shared_ptr<PathResolver> m_resolver;
+
+  std::unordered_map<std::string, std::shared_ptr<LibraryUnit>>
+      m_units; // key: canonical path
+  std::deque<std::string> m_unscannedUsr;
+  std::deque<std::string> m_unscannedSys;
+};
+
+class LibraryScanner {
+public:
+  using shouldScanFn = std::function<bool(StringRef)>;
+
+  LibraryScanner(
+      LibraryScanHelper &H, LibraryManager &m_libMgr,
+      shouldScanFn shouldScanCall = [](StringRef path) { return true; })
+      : m_helper(H), m_libMgr(m_libMgr), m_libResolver(DylibPathResolver(H)),
+        shouldScanCall(std::move(shouldScanCall)) {}
+
+  void scanNext(PathKind kind, size_t batchSize = 1);
+
+  struct LibraryDepsInfo {
+    std::vector<std::string> storage;
+
+    SmallVector<StringRef, 2> rpath;
+    SmallVector<StringRef, 2> runPath;
+    SmallVector<StringRef, 4> deps;
+    bool isPIE = false;
+
+    void addRPath(StringRef s) {
+      storage.emplace_back(s);
+      rpath.push_back(storage.back());
+    }
+
+    void addRunPath(StringRef s) {
+      storage.emplace_back(s);
+      runPath.push_back(storage.back());
+    }
+
+    void addDep(StringRef s) {
+      storage.emplace_back(s);
+      deps.push_back(storage.back());
+    }
+  };
+
+private:
+  LibraryScanHelper &m_helper;
+  LibraryManager &m_libMgr;
+  DylibPathResolver m_libResolver;
+  shouldScanFn shouldScanCall;
+
+  std::optional<std::string> shouldScan(StringRef filePath);
+  Expected<LibraryDepsInfo> extractDeps(StringRef filePath);
+
+  void handleLibrary(StringRef path, PathKind K, int level = 1);
+
+  void scanBaseDir(std::shared_ptr<LibraryUnit> unit);
+};
+
+using LibraryDepsInfo = LibraryScanner::LibraryDepsInfo;
+
+} // end namespace orc
+} // end namespace llvm
+
+#endif // LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_LIBRARYSCANNER_H
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/CMakeLists.txt b/llvm/lib/ExecutionEngine/Orc/TargetProcess/CMakeLists.txt
index 927558649eb4d..e5d20159fd773 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/CMakeLists.txt
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/CMakeLists.txt
@@ -15,10 +15,12 @@ endif()
 add_llvm_component_library(LLVMOrcTargetProcess
   ExecutorSharedMemoryMapperService.cpp
   DefaultHostBootstrapValues.cpp
+  DynamicLoader.cpp
   ExecutorResolver.cpp
   JITLoaderGDB.cpp
   JITLoaderPerf.cpp
   JITLoaderVTune.cpp
+  LibraryScanner.cpp
   OrcRTBootstrap.cpp
   RegisterEHFrames.cpp
   SimpleExecutorDylibManager.cpp
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
new file mode 100644
index 0000000000000..1c999c8459e04
--- /dev/null
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
@@ -0,0 +1,274 @@
+//===----- DynamicLoader.cpp - Defaults for host process -----===//
+//
+// Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
+// See https://llvm.org/LICENSE.txt for license information.
+// SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
+//
+//===----------------------------------------------------------------------===//
+
+#include "llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h"
+#include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
+
+#include "llvm/BinaryFormat/MachO.h"
+#include "llvm/Object/COFF.h"
+#include "llvm/Object/ELF.h"
+#include "llvm/Object/ELFObjectFile.h"
+#include "llvm/Object/MachO.h"
+#include "llvm/Object/ObjectFile.h"
+#include "llvm/Support/Error.h"
+
+namespace llvm::orc {
+
+DynamicLoader::DynamicLoader(const DynamicLoader::Setup &setup)
+    : m_cache(setup.cache ? setup.cache : std::make_shared<LibraryPathCache>()),
+      m_PathResolver(setup.resolver ? setup.resolver
+                                    : std::make_shared<PathResolver>(m_cache)),
+      // m_DylibPathResolver(setup.dylibResolver),
+      ScanH(setup.basePaths, m_cache, m_PathResolver), FB(setup.filterBuilder),
+      LibMgr(), m_shouldScan(setup.shouldScan ? setup.shouldScan
+                                              : [](StringRef) { return true; }),
+      includeSys(setup.includeSys) {
+
+  if (ScanH.getAllUnits().empty()) {
+    errs() << "Warning: No base paths provided for scanning.\n";
+  }
+}
+
+static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
+                               uint32_t IgnoreFlags) {
+  Expected<uint32_t> FlagsOrErr = Sym.getFlags();
+  if (!FlagsOrErr) {
+    consumeError(FlagsOrErr.takeError());
+    return true;
+  }
+
+  uint32_t Flags = *FlagsOrErr;
+  using Filter = SymbolEnumerator::Filter;
+  if ((IgnoreFlags & static_cast<uint32_t>(Filter::IgnoreUndefined)) &&
+      (Flags & object::SymbolRef::SF_Undefined))
+    return true;
+  if ((IgnoreFlags & static_cast<uint32_t>(Filter::IgnoreIndirect)) &&
+      (Flags & object::SymbolRef::SF_Indirect))
+    return true;
+  if ((IgnoreFlags & static_cast<uint32_t>(Filter::IgnoreWeak)) &&
+      (Flags & object::SymbolRef::SF_Weak))
+    return true;
+
+  return false;
+}
+
+bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
+                                        const Options &Opts) {
+  if (Path.empty())
+    return false;
+
+  auto ObjOrErr = object::ObjectFile::createObjectFile(Path);
+  if (!ObjOrErr) {
+    handleAllErrors(ObjOrErr.takeError(), [&](const ErrorInfoBase &EIB) {
+      errs() << "Error loading object: " << EIB.message() << "\n";
+    });
+    return false;
+  }
+
+  object::ObjectFile *Obj = ObjOrErr.get().getBinary();
+
+  auto processSymbolRange =
+      [&](object::ObjectFile::symbol_iterator_range Range) -> EnumerateResult {
+    for (const auto &Sym : Range) {
+      if (shouldIgnoreSymbol(Sym, Opts.FilterFlags))
+        continue;
+
+      auto NameOrErr = Sym.getName();
+      if (!NameOrErr) {
+        consumeError(NameOrErr.takeError());
+        continue;
+      }
+
+      StringRef Name = *NameOrErr;
+      if (Name.empty())
+        continue;
+
+      EnumerateResult Res = OnEach(Name.str());
+      if (Res != EnumerateResult::Continue)
+        return Res;
+    }
+    return EnumerateResult::Continue;
+  };
+
+  EnumerateResult Res = processSymbolRange(Obj->symbols());
+  if (Res != EnumerateResult::Continue)
+    return Res == EnumerateResult::Stop;
+
+  if (Obj->isELF()) {
+    const auto *ElfObj = cast<object::ELFObjectFileBase>(Obj);
+    Res = processSymbolRange(ElfObj->getDynamicSymbolIterators());
+    if (Res != EnumerateResult::Continue)
+      return Res == EnumerateResult::Stop;
+  } else if (Obj->isCOFF()) {
+    const auto *CoffObj = cast<object::COFFObjectFile>(Obj);
+    for (auto I = CoffObj->export_directory_begin(),
+              E = CoffObj->export_directory_end();
+         I != E; ++I) {
+      StringRef Name;
+      if (I->getSymbolName(Name))
+        continue;
+      if (Name.empty())
+        continue;
+
+      if (OnEach(Name.str()) != EnumerateResult::Continue)
+        return false;
+    }
+  } else if (Obj->isMachO()) {
+  }
+
+  return true;
+}
+
+void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
+                                            SymbolQuery &unresolvedSymbols) {
+  std::unordered_set<std::string> discoveredSymbols;
+  bool hasEnumerated = false;
+
+  auto enumerateSymbolsIfNeeded = [&]() {
+    if (hasEnumerated)
+      return;
+
+    hasEnumerated = true;
+
+    SymbolEnumerator::Options opts;
+    opts.FilterFlags =
+        static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreUndefined) |
+        static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreWeak) |
+        static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreIndirect);
+
+    SymbolEnumerator::enumerateSymbols(
+        lib.getFullPath(),
+        [&](const std::string &sym) {
+          discoveredSymbols.insert(sym);
+          return SymbolEnumerator::Result::Continue;
+        },
+        opts);
+  };
+
+  const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
+
+  if (!unresolved.empty())
+    return;
+
+  if (!lib.hasFilter()) {
+    enumerateSymbolsIfNeeded();
+    lib.ensureFilterBuilt(FB,
+                          {discoveredSymbols.begin(), discoveredSymbols.end()});
+  }
+
+  for (const auto &symbol : unresolved) {
+    if (lib.mayContain(symbol)) {
+      if (discoveredSymbols.count(symbol) > 0)
+        unresolvedSymbols.resolve(symbol, lib.getFullPath());
+    }
+  }
+}
+
+void DynamicLoader::searchSymbolsInLibraries(
+    std::vector<std::string> &symbolList, OnSearchComplete onComplete) {
+  SymbolQuery query(symbolList);
+
+  using LibraryState = LibraryManager::State;
+  using LibraryType = LibraryManager::Kind;
+  auto tryResolveFrom = [&](LibraryState S, LibraryType K) {
+    if (query.allResolved())
+      return;
+    scanLibrariesIfNeeded(K);
+    for (auto &lib : LibMgr.getView(S, K)) {
+      // can use Async here?
+      resolveSymbolsInLibrary(*lib, query);
+      if (query.allResolved())
+        break;
+    }
+  };
+
+  static constexpr LibraryState kStates[] = {
+      LibraryState::Loaded, LibraryState::Queried, LibraryState::Unloaded};
+
+  static constexpr LibraryType kTypes[] = {LibraryType::User,
+                                           LibraryType::System};
+
+  for (auto type : kTypes) {
+    for (auto state : kStates) {
+      tryResolveFrom(state, type);
+      if (query.allResolved())
+        goto done;
+    }
+  }
+
+done:
+  // ProcessLib(query.getResolvedPath());
+  onComplete(query);
+}
+
+// void DynamicLoader::searchSymbolsInLibraries(
+//     std::vector<std::string> &symbolList, OnSearchComplete onComplete) {
+//   SymbolQuery query(symbolList);
+
+//   auto tryResolveFrom = [&](const LibraryCollection &libraries,
+//                             bool isUserLib) {
+//     scanLibrariesIfNeeded(libraries, isUserLib);
+//     for (const auto &lib : libraries) {
+//       // can use Async here?
+//       tryToResolveSymbols(lib, query);
+//       if (query.allResolved())
+//         break;
+//     }
+//   };
+
+//   tryResolveFrom(loadedLibs, /*isUserLib=*/false);
+
+//   if (!query.allResolved())
+//     tryResolveFrom(usrLibs, /*isUserLib=*/true);
+
+//   if (!query.allResolved() && includesys)
+//     tryResolveFrom(sysLibs, /*isUserLib=*/false);
+
+//   onComplete(query);
+// }
+
+void DynamicLoader::scanLibrariesIfNeeded(LibraryManager::Kind PK) {
+  LibraryScanner Scanner(ScanH, LibMgr, m_shouldScan);
+  Scanner.scanNext(PK == LibraryManager::Kind::User ? PathKind::User
+                                                    : PathKind::System);
+}
+
+bool DynamicLoader::symbolExistsInLibrary(
+    const LibraryInfo &lib, StringRef symbolName,
+    std::vector<std::string> *allSymbols) {
+
+  SymbolEnumerator::Options opts;
+  return symbolExistsInLibrary(lib, symbolName, allSymbols, opts);
+}
+
+bool DynamicLoader::symbolExistsInLibrary(
+    const LibraryInfo &lib, StringRef symbolName,
+    std::vector<std::string> *allSymbols,
+    const SymbolEnumerator::Options &opts) {
+
+  bool found = false;
+
+  SymbolEnumerator::enumerateSymbols(
+      lib.getFullPath(),
+      [&](const std::string &sym) {
+        if (allSymbols)
+          allSymbols->emplace_back(sym);
+
+        if (sym == symbolName) {
+          found = true;
+          // return SymbolEnumerator::Result::Stop;
+        }
+
+        return SymbolEnumerator::Result::Continue;
+      },
+      opts);
+
+  return found;
+}
+
+} // end namespace llvm::orc
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
new file mode 100644
index 0000000000000..21085b8aba475
--- /dev/null
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -0,0 +1,789 @@
+//===----- LibraryScanner.cpp - Provide Library Scaning implementation
+//-----===//
+//
+// Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
+// See https://llvm.org/LICENSE.txt for license information.
+// SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
+//
+//===----------------------------------------------------------------------===//
+
+#include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
+#include "llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h"
+
+#include "llvm/ADT/StringExtras.h"
+#include "llvm/Support/FileSystem.h"
+#include "llvm/Support/Path.h"
+#include "llvm/Support/Program.h"
+
+#include "llvm/Object/COFF.h"
+#include "llvm/Object/ELF.h"
+#include "llvm/Object/ELFObjectFile.h"
+#include "llvm/Object/ELFTypes.h"
+#include "llvm/Object/MachO.h"
+#include "llvm/Object/ObjectFile.h"
+#include "llvm/Support/Error.h"
+#include "llvm/Support/MemoryBuffer.h"
+
+#ifdef LLVM_ON_UNIX
+#include <sys/stat.h>
+#include <unistd.h>
+#endif // LLVM_ON_UNIX
+
+#ifdef __APPLE__
+#include <sys/stat.h>
+#undef LC_LOAD_DYLIB
+#undef LC_RPATH
+#endif // __APPLE__
+
+#define DEBUG_TYPE "orc"
+
+namespace llvm::orc {
+
+bool isLibraryFile(StringRef filename) {
+  static const std::vector<std::string> suffixes = {".so", ".so.", ".dylib",
+                                                    ".dll"};
+  for (const auto &suf : suffixes) {
+    if (filename.find(suf) != std::string::npos)
+      return true;
+  }
+  return false;
+}
+
+bool isSharedLibrary(StringRef path) {
+  if (isLibraryFile(path))
+    return true;
+
+  auto filetype = sys::fs::get_file_type(path, /*Follow*/ true);
+  if (filetype != sys::fs::file_type::regular_file) {
+    // if (exists) {
+    //   // get_file_type returns status_error also in case of file_not_found.
+    //   *exists = filetype != sys::fs::file_type::status_error;
+    // }
+    return false;
+  }
+  
+  bool result = false;
+  // TODO Implement ...
+
+  return result;
+}
+
+std::optional<std::string> DylibPathResolver::substOne(StringRef path,
+                                                       StringRef pattern,
+                                                       StringRef replacement) {
+  if (path.size() < pattern.size() || !path.starts_with_insensitive(pattern))
+    return std::nullopt;
+
+  llvm::SmallString<256> result(replacement);
+  result.append(path.drop_front(pattern.size()));
+
+  return normalizeIfShared(result);
+}
+
+std::optional<std::string> DylibPathResolver::substAll(StringRef original,
+                                                       StringRef loaderPath) {
+
+#ifdef __APPLE__
+  llvm::SmallString<256> mainExecutablePath(
+      llvm::sys::fs::getMainExecutable(nullptr, nullptr));
+  llvm::sys::path::remove_filename(mainExecutablePath);
+
+  llvm::SmallString<256> loaderDir;
+  if (loaderPath.empty())
+    loaderDir = mainExecutablePath;
+  else {
+    loaderDir = loaderPath;
+    llvm::sys::path::remove_filename(loaderDir);
+  }
+
+  // Try @loader_path
+  if (auto path = substOne(original, "@loader_path", loaderDir))
+    return path;
+
+  // Try @executable_path
+  if (auto path = substOne(original, "@executable_path", mainExecutablePath))
+    return path;
+
+#else
+  llvm::SmallString<256> loaderDir;
+  if (loaderPath.empty())
+    loaderDir = llvm::sys::fs::getMainExecutable(nullptr, nullptr);
+  else
+    loaderDir = loaderPath;
+
+  llvm::sys::path::remove_filename(loaderDir);
+
+  // Try $origin
+  if (auto path = substOne(original, "$origin", loaderDir))
+    return path;
+
+    // Optional: handle $lib or $platform later if needed
+#endif
+
+  return std::nullopt;
+}
+
+std::optional<std::string>
+DylibPathResolver::tryWithBasePaths(ArrayRef<StringRef> basePaths,
+                                    StringRef stem, StringRef loaderPath) {
+  for (const auto &base : basePaths) {
+    auto resolvedBaseOpt = substAll(base, loaderPath);
+    if (!resolvedBaseOpt)
+      continue;
+
+    llvm::SmallString<256> fullPath(*resolvedBaseOpt);
+    llvm::sys::path::append(fullPath, stem);
+
+    if (auto norm = normalizeIfShared(fullPath)) {
+      return norm;
+    }
+  }
+  return std::nullopt;
+}
+
+std::optional<std::string>
+DylibPathResolver::tryAllPaths(StringRef stem, ArrayRef<StringRef> RPath,
+                               ArrayRef<StringRef> RunPath,
+                               StringRef loaderPath) {
+  // Try RPATH
+  if (auto found = tryWithBasePaths(RPath, stem, loaderPath))
+    return found;
+
+  // Try search paths (like LD_LIBRARY_PATH or configured)
+  // for (const auto &entry : m_searchPaths) {
+  // TODO.
+  // }
+
+  // Try RUNPATH
+  if (auto found = tryWithBasePaths(RunPath, stem, loaderPath))
+    return found;
+
+  return std::nullopt;
+}
+
+std::optional<std::string> DylibPathResolver::tryWithExtensions(
+    StringRef baseName, ArrayRef<StringRef> RPath, ArrayRef<StringRef> RunPath,
+    StringRef loaderPath) {
+  SmallVector<StringRef, 4> candidates;
+  candidates.push_back(baseName); // original
+
+  // Add extensions by platform
+#if defined(__APPLE__)
+  candidates.push_back(baseName.str() + ".dylib");
+#elif defined(_WIN32)
+  candidates.push_back(baseName.str() + ".dll");
+#else
+  candidates.push_back(baseName.str() + ".so");
+#endif
+
+  // Optionally try "lib" prefix if not already there
+  StringRef filename = llvm::sys::path::filename(baseName);
+  if (!filename.starts_with("lib")) {
+    SmallString<256> withPrefix("lib");
+    withPrefix += filename;
+    // Apply extension too
+#if defined(__APPLE__)
+    withPrefix += ".dylib";
+#elif defined(_WIN32)
+    withPrefix += ".dll";
+#else
+    withPrefix += ".so";
+#endif
+    candidates.push_back(withPrefix);
+  }
+
+  // Try all variants using tryAllPaths
+  for (const auto &name : candidates) {
+    if (auto found = tryAllPaths(name, RPath, RunPath, loaderPath))
+      return found;
+  }
+
+  return std::nullopt;
+}
+
+std::optional<std::string>
+DylibPathResolver::normalizeIfShared(StringRef path) {
+  std::error_code ec;
+  auto real = m_helper.getPathResolver().realpathCached(path, ec);
+  if (!real || ec)
+    return std::nullopt;
+
+  if (!isSharedLibrary(*real))
+    return std::nullopt;
+
+  return real;
+}
+
+std::optional<std::string>
+DylibPathResolver::resolve(StringRef libStem, SmallVector<StringRef, 2> RPath,
+                           SmallVector<StringRef, 2> RunPath,
+                           StringRef libLoader, bool variateLibStem) {
+  // If it is an absolute path, don't try iterate over the paths.
+  if (llvm::sys::path::is_absolute(libStem)) {
+    return normalizeIfShared(libStem);
+  }
+
+  // Subst all known linker variables ($origin, @rpath, etc.)
+#ifdef __APPLE__
+  // On MacOS @rpath is preplaced by all paths in RPATH one by one.
+  if (libStem.starts_with_insensitive("@rpath")) {
+    for (auto &P : RPath) {
+      if (auto norm = substOne(libStem, "@rpath", P))
+        return norm;
+    }
+  } else {
+#endif
+    if (auto norm = substAll(libStem, libLoader))
+      return norm;
+#ifdef __APPLE__
+  }
+#endif
+
+  // Expand libStem with paths, extensions, etc.
+  // std::string foundName;
+  if (variateLibStem) {
+    if (auto norm = tryWithExtensions(libStem, RPath, RunPath, libLoader))
+      return norm;
+  } else {
+    if (auto norm = tryAllPaths(libStem, RPath, RunPath, libLoader))
+      return norm;
+  }
+
+  return std::nullopt;
+}
+
+#ifdef _WIN32
+mode_t lstatCached(const std::string &path) { return 0; }
+std::optional<std::string> readlinkCached(const std::string &path) {
+  return std::nullopt;
+}
+#else
+
+mode_t PathResolver::lstatCached(const std::string &path) {
+  // If already cached - retun cached result
+  std::unique_lock lock(m_mutex);
+
+  auto &cache = m_cache->m_lstatCache;
+
+  auto it = cache.find(path);
+  if (it != cache.end())
+    return it->second;
+
+  // Not cached: perform lstat and store
+  struct stat buf {};
+  mode_t st_mode = (lstat(path.c_str(), &buf) == -1) ? 0 : buf.st_mode;
+
+  cache.insert({path, st_mode});
+
+  return st_mode;
+}
+
+std::optional<std::string>
+PathResolver::readlinkCached(const std::string &path) {
+  std::unique_lock lock(m_mutex);
+  auto &cache = m_cache->m_readlinkCache;
+  // If already cached - retun cached result
+  auto it = cache.find(path);
+  if (it != cache.end())
+    return it->second;
+
+  // If result not in cache - call system function and cache result
+  char buf[PATH_MAX];
+  ssize_t len;
+  if ((len = readlink(path.c_str(), buf, sizeof(buf))) != -1) {
+    buf[len] = '\0';
+    std::string s(buf);
+    cache.insert({path, s});
+    return cache[path];
+  }
+  return std::nullopt;
+}
+#endif
+
+void createComponent(StringRef Path, StringRef base_path, bool baseIsResolved,
+                     SmallVector<StringRef, 16> &component) {
+  StringRef Separator = sys::path::get_separator();
+  if (!baseIsResolved) {
+    if (Path[0] == '~' &&
+        (Path.size() == 1 || sys::path::is_separator(Path[1]))) {
+      static SmallString<128> home;
+      if (home.str().empty())
+        sys::path::home_directory(home);
+      StringRef(home).split(component, Separator, /*MaxSplit*/ -1,
+                            /*KeepEmpty*/ false);
+    } else if (base_path.empty()) {
+      static SmallString<256> current_path;
+      if (current_path.str().empty())
+        sys::fs::current_path(current_path);
+      StringRef(current_path)
+          .split(component, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
+    } else {
+      base_path.split(component, Separator, /*MaxSplit*/ -1,
+                      /*KeepEmpty*/ false);
+    }
+  }
+
+  Path.split(component, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
+}
+
+void normalizePathSegments(SmallVector<StringRef, 16> &pathParts) {
+  SmallVector<StringRef, 16> normalizedPath;
+  for (auto &part : pathParts) {
+    if (part == ".") {
+      continue;
+    } else if (part == "..") {
+      if (!normalizedPath.empty() && normalizedPath.back() != "..") {
+        normalizedPath.pop_back();
+      } else {
+        normalizedPath.push_back("..");
+      }
+    } else {
+      normalizedPath.push_back(part);
+    }
+  }
+  pathParts.swap(normalizedPath);
+}
+
+std::optional<std::string> PathResolver::realpathCached(StringRef path,
+                                                        std::error_code &ec,
+                                                        StringRef base,
+                                                        bool baseIsResolved,
+                                                        long symloopLevel) {
+  ec.clear();
+
+  if (path.empty()) {
+    ec = std::make_error_code(std::errc::no_such_file_or_directory);
+    return std::nullopt;
+  }
+
+  if (symloopLevel <= 0) {
+    ec = std::make_error_code(std::errc::too_many_symbolic_link_levels);
+    return std::nullopt;
+  }
+
+  // If already cached - retun cached result
+  bool isRelative = sys::path::is_relative(path);
+  {
+    std::shared_lock lock(m_mutex);
+    auto it = m_cache->m_realpathCache.find(path.str());
+    if (it != m_cache->m_realpathCache.end()) {
+      ec = it->second.errnoCode;
+      return it->second.canonicalPath;
+    }
+  }
+
+  // If result not in cache - call system function and cache result
+
+  StringRef Separator(sys::path::get_separator());
+  SmallString<256> resolved;
+#ifndef _WIN32
+  SmallVector<StringRef, 16> Components;
+
+  if (isRelative) {
+    if (baseIsResolved) {
+      resolved.assign(base);
+    }
+    createComponent(path, base, baseIsResolved, Components);
+  } else {
+    path.split(Components, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
+  }
+
+  normalizePathSegments(Components);
+
+  // Handle path list items
+  for (const auto &component : Components) {
+    size_t oldSize = resolved.size();
+    sys::path::append(resolved, component);
+    const char *resolvedPath = resolved.c_str();
+
+    mode_t st_mode = lstatCached(resolvedPath);
+
+    if (S_ISLNK(st_mode)) {
+      auto symlinkOpt = readlinkCached(resolvedPath);
+      if (!symlinkOpt) {
+        ec = std::make_error_code(std::errc::no_such_file_or_directory);
+        // std::unique_lock lock(m_mutex);
+        // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+        return std::nullopt;
+      }
+
+      StringRef symlink = *symlinkOpt;
+      resolved.resize(oldSize);
+
+      auto realSymlink =
+          realpathCached(symlink.str(), ec, resolved,
+                         /*baseIsResolved=*/true, symloopLevel - 1);
+      if (!realSymlink) {
+        // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+        return std::nullopt;
+      }
+
+      resolved.assign(*realSymlink);
+    } else if (st_mode == 0) {
+      ec = std::make_error_code(std::errc::no_such_file_or_directory);
+      // std::unique_lock lock(m_mutex);
+      // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+      return std::nullopt;
+    }
+  }
+#else
+  sys::fs::real_path(path, resolved); // Windows fallback
+#endif
+
+  std::string canonical = resolved.str().str();
+  {
+    std::unique_lock lock(m_mutex);
+    m_cache->m_realpathCache.emplace(path, LibraryPathCache::PathInfo{
+                                               canonical,
+                                               std::error_code() // success
+                                           });
+  }
+  return canonical;
+}
+
+void LibraryScanHelper::addBasePath(const std::string &path) {
+  std::error_code ec;
+  std::string canon = resolveCanonical(path, ec);
+  if (ec)
+    return;
+  std::unique_lock lock(m_mutex);
+  if (m_units.count(canon))
+    return;
+
+  PathKind kind = classifyKind(canon);
+  auto unit = std::make_shared<LibraryUnit>(canon, kind);
+  m_units[canon] = unit;
+
+  if (kind == PathKind::User)
+    m_unscannedUsr.push_back(canon);
+  else
+    m_unscannedSys.push_back(canon);
+}
+
+std::vector<std::shared_ptr<LibraryUnit>>
+LibraryScanHelper::getNextBatch(PathKind kind, size_t batchSize) {
+  std::vector<std::shared_ptr<LibraryUnit>> result;
+  auto &queue = (kind == PathKind::User) ? m_unscannedUsr : m_unscannedSys;
+
+  std::unique_lock lock(m_mutex);
+
+  while (!queue.empty() && result.size() < batchSize) {
+    const std::string &base = queue.front(); // no copy
+    auto it = m_units.find(base);
+    if (it != m_units.end()) {
+      auto &unit = it->second;
+      ScanState expected = ScanState::NotScanned;
+      if (unit->state.compare_exchange_strong(expected, ScanState::Scanning)) {
+        result.push_back(unit);
+      }
+    }
+    queue.pop_front();
+  }
+
+  return result;
+}
+
+bool LibraryScanHelper::isTrackedBasePath(const std::string &path) const {
+  std::error_code ec;
+  std::string canon = resolveCanonical(path, ec);
+  if (ec) {
+    return false;
+  }
+  std::shared_lock lock(m_mutex);
+  return m_units.count(canon) > 0;
+}
+
+std::vector<std::shared_ptr<LibraryUnit>>
+LibraryScanHelper::getAllUnits() const {
+  std::shared_lock lock(m_mutex);
+  std::vector<std::shared_ptr<LibraryUnit>> result;
+  result.reserve(m_units.size());
+  for (const auto &[_, unit] : m_units) {
+    result.push_back(unit);
+  }
+  return result;
+}
+
+std::string LibraryScanHelper::resolveCanonical(const std::string &path,
+                                                std::error_code &ec) const {
+  auto canon = m_resolver->resolve(path, ec);
+  return ec ? path : *canon;
+}
+
+PathKind LibraryScanHelper::classifyKind(const std::string &path) const {
+  if (path.find("/usr") == 0 || path.find("/home") == 0)
+    return PathKind::User;
+  return PathKind::System;
+}
+
+Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
+  LibraryDepsInfo libdeps;
+  for (const auto &Command : Obj.load_commands()) {
+    switch (Command.C.cmd) {
+    case MachO::LC_LOAD_DYLIB: {
+      MachO::dylib_command dylibCmd = Obj.getDylibIDLoadCommand(Command);
+      libdeps.addDep(Command.Ptr + dylibCmd.dylib.name);
+    } break;
+    case MachO::LC_LOAD_WEAK_DYLIB:
+    case MachO::LC_REEXPORT_DYLIB:
+    case MachO::LC_LOAD_UPWARD_DYLIB:
+    case MachO::LC_LAZY_LOAD_DYLIB:
+      break;
+    case MachO::LC_RPATH: {
+      // Extract RPATH
+      MachO::rpath_command rpathCmd = Obj.getRpathCommand(Command);
+      const char *rpath = Command.Ptr + rpathCmd.path;
+
+      SmallVector<StringRef, 4> RawPaths;
+      SplitString(StringRef(rpath), RawPaths,
+                  sys::EnvPathSeparator == ':' ? ":" : ";");
+
+      for (const auto &raw : RawPaths)
+        libdeps.addRPath(raw.str()); // Convert to std::string
+      break;
+    }
+    }
+  }
+  return libdeps;
+}
+
+template <class ELFT>
+static Expected<StringRef> getDynamicStrTab(const object::ELFFile<ELFT> &Elf) {
+  auto DynamicEntriesOrError = Elf.dynamicEntries();
+  if (!DynamicEntriesOrError)
+    return DynamicEntriesOrError.takeError();
+
+  for (const typename ELFT::Dyn &Dyn : *DynamicEntriesOrError) {
+    if (Dyn.d_tag == ELF::DT_STRTAB) {
+      auto MappedAddrOrError = Elf.toMappedAddr(Dyn.getPtr());
+      if (!MappedAddrOrError)
+        return MappedAddrOrError.takeError();
+      return StringRef(reinterpret_cast<const char *>(*MappedAddrOrError));
+    }
+  }
+
+  // If the dynamic segment is not present, we fall back on the sections.
+  auto SectionsOrError = Elf.sections();
+  if (!SectionsOrError)
+    return SectionsOrError.takeError();
+
+  for (const typename ELFT::Shdr &Sec : *SectionsOrError) {
+    if (Sec.sh_type == ELF::SHT_DYNSYM)
+      return Elf.getStringTableForSymtab(Sec);
+  }
+
+  return make_error<StringError>("dynamic string table not found",
+                                 inconvertibleErrorCode());
+}
+
+template <typename ELFT>
+Expected<LibraryDepsInfo> parseELF(const object::ELFFile<ELFT> &Elf) {
+  LibraryDepsInfo Deps;
+  Expected<StringRef> StrTabOrErr = getDynamicStrTab(Elf);
+  if (!StrTabOrErr)
+    return StrTabOrErr.takeError();
+
+  const char *Data = StrTabOrErr->data();
+
+  auto DynamicEntriesOrError = Elf.dynamicEntries();
+  if (!DynamicEntriesOrError) {
+    return DynamicEntriesOrError.takeError();
+  }
+
+  for (const typename ELFT::Dyn &Dyn : *DynamicEntriesOrError) {
+    switch (Dyn.d_tag) {
+    case ELF::DT_NEEDED:
+      Deps.addDep(Data + Dyn.d_un.d_val);
+      break;
+    case ELF::DT_RPATH: {
+      SmallVector<StringRef, 4> RawPaths;
+      SplitString(Data + Dyn.d_un.d_val, RawPaths,
+                  sys::EnvPathSeparator == ':' ? ":" : ";");
+      for (const auto &raw : RawPaths)
+        Deps.addRPath(raw.str());
+      break;
+    }
+    case ELF::DT_RUNPATH: {
+      SmallVector<StringRef, 4> RawPaths;
+      SplitString(Data + Dyn.d_un.d_val, RawPaths,
+                  sys::EnvPathSeparator == ':' ? ":" : ";");
+      for (const auto &raw : RawPaths)
+        Deps.addRunPath(raw.str());
+      break;
+    }
+    case ELF::DT_FLAGS_1:
+      // Check if this is not a pie executable.
+      if (Dyn.d_un.d_val & ELF::DF_1_PIE)
+        Deps.isPIE = true;
+      break;
+      // (Dyn.d_tag == ELF::DT_NULL) continue;
+      // (Dyn.d_tag == ELF::DT_AUXILIARY || Dyn.d_tag == ELF::DT_FILTER)
+    default:
+      break;
+    }
+  }
+  return Deps;
+}
+
+Expected<LibraryDepsInfo> parseELFDeps(const object::ELFObjectFileBase &obj) {
+  using namespace object;
+
+  if (const auto *ELF = dyn_cast<ELF32LEObjectFile>(&obj))
+    return parseELF(ELF->getELFFile());
+  else if (const auto *ELF = dyn_cast<ELF32BEObjectFile>(&obj))
+    return parseELF(ELF->getELFFile());
+  else if (const auto *ELF = dyn_cast<ELF64LEObjectFile>(&obj))
+    return parseELF(ELF->getELFFile());
+  else if (const auto *ELF = dyn_cast<ELF64BEObjectFile>(&obj))
+    return parseELF(ELF->getELFFile());
+
+  return createStringError(std::errc::not_supported, "Unknown ELF format");
+}
+
+Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
+  auto ObjOrErr = object::ObjectFile::createObjectFile(filePath);
+  if (!ObjOrErr)
+    return createStringError(std::errc::file_exists, "Failed to open %s",
+                             filePath.str().c_str());
+
+  object::ObjectFile *Obj = ObjOrErr.get().getBinary();
+
+  if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {
+    return parseELFDeps(*elfObj);
+  }
+
+  if (auto *macho = dyn_cast<object::MachOObjectFile>(Obj)) {
+    return parseMachODeps(*macho);
+  }
+
+  return createStringError(inconvertibleErrorCode(),
+                           "Unsupported binary format: %s",
+                           filePath.str().c_str());
+}
+
+std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
+  std::error_code EC;
+
+  // [1] Check file existence early
+  if (!sys::fs::exists(filePath))
+    return std::nullopt;
+
+  // [2] Resolve to canonical path
+  auto CanonicalPathOpt = m_helper.resolve(filePath, EC);
+  if (EC || !CanonicalPathOpt)
+    return std::nullopt;
+
+  const std::string &CanonicalPath = *CanonicalPathOpt;
+
+  // [3] Check if it's a directory — skip directories
+  if (sys::fs::is_directory(CanonicalPath))
+    return std::nullopt;
+
+  // [4] Skip if we've already seen this path (via cache)
+  if (m_helper.hasSeen(CanonicalPath))
+    return std::nullopt;
+
+  // [5] Already tracked in LibraryManager?
+  if (m_libMgr.hasLibrary(CanonicalPath))
+    return std::nullopt;
+
+  // [6] Is this a shared library?
+  if (!isSharedLibrary(CanonicalPath))
+    return std::nullopt;
+
+  // [7] Run user-defined hook (default: always true)
+  if (!shouldScanCall(CanonicalPath))
+    return std::nullopt;
+
+  return CanonicalPath;
+}
+
+void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
+  auto CanonPathOpt = shouldScan(filePath);
+  if (!CanonPathOpt)
+    return;
+
+  const std::string CanonicalPath = *CanonPathOpt;
+
+  auto DepsOrErr = extractDeps(CanonicalPath);
+  if (!DepsOrErr) {
+    consumeError(DepsOrErr.takeError());
+    return;
+  }
+
+  LibraryDepsInfo &Deps = *DepsOrErr;
+
+  if (Deps.isPIE && level == 0)
+    return;
+
+  bool added = m_libMgr.addLibrary(
+      CanonicalPath, K == PathKind::User ? LibraryManager::Kind::User
+                                         : LibraryManager::Kind::System);
+  if (!added)
+    return;
+
+  // Heuristic 1: No RPATH/RUNPATH, skip deps
+  if (Deps.rpath.empty() && Deps.runPath.empty()) {
+    LLVM_DEBUG(dbgs() << "Dyld::ScanForLibraries: Skipping deps (Heuristic1): "
+                      << CanonicalPath << "\n");
+    return;
+  }
+
+  // Heuristic 2: All RPATH and RUNPATH already tracked
+  auto allTracked = [&](const auto &Paths) {
+    return std::all_of(Paths.begin(), Paths.end(), [&](StringRef P) {
+      return m_helper.isTrackedBasePath(P.str());
+    });
+  };
+
+  if (allTracked(Deps.rpath) && allTracked(Deps.runPath)) {
+    LLVM_DEBUG(dbgs() << "Dyld::ScanForLibraries: Skipping deps (Heuristic2): "
+                      << CanonicalPath << "\n");
+    return;
+  }
+
+  for (StringRef dep : Deps.deps) {
+    auto dep_fullopt = m_libResolver.resolve(dep, Deps.rpath, Deps.runPath,
+                                             CanonicalPath, false);
+    if (!dep_fullopt)
+      continue;
+
+    handleLibrary(*dep_fullopt, K, level + 1);
+  }
+}
+
+void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
+  if (!sys::fs::is_directory(unit->basePath) || unit->basePath.empty())
+    return;
+
+  std::error_code ec;
+
+  unit->state.store(ScanState::Scanning);
+
+  for (sys::fs::directory_iterator it(unit->basePath, ec), end;
+       it != end && !ec; it.increment(ec)) {
+    auto entry = *it;
+    if (!entry.status())
+      continue;
+
+    auto status = *entry.status();
+    if (sys::fs::is_regular_file(status) || sys::fs::is_symlink_file(status)) {
+      // if (m_cache->hasSeen(entry.path()))
+      //   continue;
+      // std::string path = m_helper->resolvePath(entry.path(), ec);
+      // if (!sys::fs::is_director(path))
+      handleLibrary(entry.path(), unit->kind);
+    }
+  }
+
+  unit->state.store(ScanState::Scanned);
+}
+
+void LibraryScanner::scanNext(PathKind K, size_t batchSize) {
+  auto Units = m_helper.getNextBatch(K, batchSize);
+  for (auto &unit : Units) {
+    scanBaseDir(unit);
+  }
+}
+
+} // end namespace llvm::orc

>From 7def4c44fe40c44d14a67c2e0ab487a103f5d6a7 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Fri, 4 Jul 2025 10:26:18 +0530
Subject: [PATCH 02/37] Fix minor logic issues and add debug logs

---
 .../Orc/TargetProcess/LibraryScanner.h        |   3 +
 .../Orc/TargetProcess/DynamicLoader.cpp       |  39 +++-
 .../Orc/TargetProcess/LibraryScanner.cpp      | 215 +++++++++++++++---
 3 files changed, 226 insertions(+), 31 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index d4be0bce2b125..ffe41c118c84e 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -156,6 +156,9 @@ class LibraryScanHelper {
                              std::shared_ptr<LibraryPathCache> m_cache,
                              std::shared_ptr<PathResolver> m_resolver)
       : m_cache(std::move(m_cache)), m_resolver(std::move(m_resolver)) {
+    // LLVM_DEBUG(
+    llvm::dbgs() << "LibraryScanHelper::LibraryScanHelper: base paths : "
+                 << paths.size() << "\n"; //);
     for (const auto &p : paths)
       addBasePath(p);
   }
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
index 1c999c8459e04..5388d8d1aa9c0 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
@@ -17,6 +17,8 @@
 #include "llvm/Object/ObjectFile.h"
 #include "llvm/Support/Error.h"
 
+#define DEBUG_TYPE "orc"
+
 namespace llvm::orc {
 
 DynamicLoader::DynamicLoader(const DynamicLoader::Setup &setup)
@@ -140,7 +142,9 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
         static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreUndefined) |
         static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreWeak) |
         static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreIndirect);
-
+    // LLVM_DEBUG(
+    dbgs() << "Enumerating symbols in library: " << lib.getFullPath() << "\n";
+    // );
     SymbolEnumerator::enumerateSymbols(
         lib.getFullPath(),
         [&](const std::string &sym) {
@@ -152,19 +156,35 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
 
   const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
 
-  if (!unresolved.empty())
+  if (unresolved.empty()) {
+    // LLVM_DEBUG(
+    dbgs() << "Skipping library: " << lib.getFullPath()
+           << " — unresolved symbols exist.\n";
+    // );
     return;
-
+  }
+  enumerateSymbolsIfNeeded();
   if (!lib.hasFilter()) {
-    enumerateSymbolsIfNeeded();
+    // LLVM_DEBUG(
+    dbgs() << "Building filter for library: " << lib.getFullPath() << "\n"; //);
     lib.ensureFilterBuilt(FB,
                           {discoveredSymbols.begin(), discoveredSymbols.end()});
+    dbgs() << "discoveredSymbols : " << discoveredSymbols.size() << "\n";
+    for (const auto &sym : discoveredSymbols)
+      dbgs() << "discoveredSymbols : " << sym << "\n";
   }
 
   for (const auto &symbol : unresolved) {
     if (lib.mayContain(symbol)) {
-      if (discoveredSymbols.count(symbol) > 0)
+      // LLVM_DEBUG(
+      dbgs() << "Checking symbol '" << symbol
+             << "' in library: " << lib.getFullPath() << "\n"; //);
+      if (discoveredSymbols.count(symbol) > 0) {
+        // LLVM_DEBUG(
+        dbgs() << "  Resolved symbol: " << symbol
+               << " in library: " << lib.getFullPath() << "\n"; //);
         unresolvedSymbols.resolve(symbol, lib.getFullPath());
+      }
     }
   }
 }
@@ -178,6 +198,9 @@ void DynamicLoader::searchSymbolsInLibraries(
   auto tryResolveFrom = [&](LibraryState S, LibraryType K) {
     if (query.allResolved())
       return;
+    // LLVM_DEBUG(
+    dbgs() << "Trying resolve from state=" << static_cast<int>(S)
+           << " type=" << static_cast<int>(K) << "\n"; //);
     scanLibrariesIfNeeded(K);
     for (auto &lib : LibMgr.getView(S, K)) {
       // can use Async here?
@@ -202,6 +225,8 @@ void DynamicLoader::searchSymbolsInLibraries(
   }
 
 done:
+  // LLVM_DEBUG(
+  dbgs() << "Search complete.\n"; //);
   // ProcessLib(query.getResolvedPath());
   onComplete(query);
 }
@@ -233,6 +258,10 @@ void DynamicLoader::searchSymbolsInLibraries(
 // }
 
 void DynamicLoader::scanLibrariesIfNeeded(LibraryManager::Kind PK) {
+  // LLVM_DEBUG(
+  llvm::dbgs() << "DynamicLoader::scanLibrariesIfNeeded: Scanning for "
+               << (PK == LibraryManager::Kind::User ? "User" : "System")
+               << " libraries\n"; //);
   LibraryScanner Scanner(ScanH, LibMgr, m_shouldScan);
   Scanner.scanNext(PK == LibraryManager::Kind::User ? PathKind::User
                                                     : PathKind::System);
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 21085b8aba475..436c8fce75a15 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -49,11 +49,16 @@ bool isLibraryFile(StringRef filename) {
   return false;
 }
 
-bool isSharedLibrary(StringRef path) {
-  if (isLibraryFile(path))
+template <class ELFT>
+bool isELFSharedLibrary(const object::ELFFile<ELFT> &ELFObj) {
+  return ELFObj.getHeader().e_type == llvm::ELF::ET_DYN;
+}
+
+bool isSharedLibrary(StringRef Path) {
+  if (isLibraryFile(Path))
     return true;
 
-  auto filetype = sys::fs::get_file_type(path, /*Follow*/ true);
+  auto filetype = sys::fs::get_file_type(Path, /*Follow*/ true);
   if (filetype != sys::fs::file_type::regular_file) {
     // if (exists) {
     //   // get_file_type returns status_error also in case of file_not_found.
@@ -61,11 +66,43 @@ bool isSharedLibrary(StringRef path) {
     // }
     return false;
   }
-  
-  bool result = false;
-  // TODO Implement ...
 
-  return result;
+  Expected<object::OwningBinary<object::Binary>> BinaryOrErr =
+      object::createBinary(Path);
+  if (!BinaryOrErr) {
+    // Could not open or parse the binary
+    consumeError(BinaryOrErr.takeError());
+    return false;
+  }
+
+  object::Binary *Bin = BinaryOrErr->getBinary();
+
+  if (auto *Obj = dyn_cast<object::ObjectFile>(Bin)) {
+    if (Obj->isELF()) {
+      if (auto *ELF32LE = dyn_cast<object::ELF32LEObjectFile>(Obj))
+        return isELFSharedLibrary(ELF32LE->getELFFile());
+      if (auto *ELF64LE = dyn_cast<object::ELF64LEObjectFile>(Obj))
+        return isELFSharedLibrary(ELF64LE->getELFFile());
+      if (auto *ELF32BE = dyn_cast<object::ELF32BEObjectFile>(Obj))
+        return isELFSharedLibrary(ELF32BE->getELFFile());
+      if (auto *ELF64BE = dyn_cast<object::ELF64BEObjectFile>(Obj))
+        return isELFSharedLibrary(ELF64BE->getELFFile());
+    } else if (Obj->isMachO()) {
+      const object::MachOObjectFile *MachO =
+          dyn_cast<object::MachOObjectFile>(Obj);
+      if (!MachO)
+        return false;
+      return MachO->getHeader().filetype == MachO::HeaderFileType::MH_DYLIB;
+    } else if (Obj->isCOFF()) {
+      const object::COFFObjectFile *coff =
+          dyn_cast<object::COFFObjectFile>(Obj);
+      if (!coff)
+        return false;
+      return coff->getCharacteristics() & COFF::IMAGE_FILE_DLL;
+    }
+  }
+
+  return false;
 }
 
 std::optional<std::string> DylibPathResolver::substOne(StringRef path,
@@ -353,11 +390,18 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
   if (path.empty()) {
     ec = std::make_error_code(std::errc::no_such_file_or_directory);
+    // LLVM_DEBUG(
+    dbgs() << "PathResolver::realpathCached: Empty path\n"; //);
+
     return std::nullopt;
   }
 
   if (symloopLevel <= 0) {
     ec = std::make_error_code(std::errc::too_many_symbolic_link_levels);
+    // LLVM_DEBUG(
+    dbgs() << "PathResolver::realpathCached: Too many symlink levels: " << path
+           << "\n"; //);
+
     return std::nullopt;
   }
 
@@ -368,20 +412,34 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
     auto it = m_cache->m_realpathCache.find(path.str());
     if (it != m_cache->m_realpathCache.end()) {
       ec = it->second.errnoCode;
+      if (ec) {
+        // LLVM_DEBUG(
+        dbgs() << "PathResolver::realpathCached: Cached (error) for " << path
+               << "\n"; //);
+      } else {
+        // LLVM_DEBUG(
+        dbgs() << "PathResolver::realpathCached: Cached (success) for " << path
+               << " => " << it->second.canonicalPath << "\n"; //);
+      }
       return it->second.canonicalPath;
     }
   }
+  // LLVM_DEBUG(
+  dbgs() << "PathResolver::realpathCached: Resolving path: " << path
+         << "\n"; //);
 
   // If result not in cache - call system function and cache result
 
   StringRef Separator(sys::path::get_separator());
-  SmallString<256> resolved;
+  SmallString<256> resolved(Separator);
 #ifndef _WIN32
   SmallVector<StringRef, 16> Components;
 
   if (isRelative) {
     if (baseIsResolved) {
       resolved.assign(base);
+      // LLVM_DEBUG(
+      dbgs() << "  Using resolved base: " << base << "\n"; //);
     }
     createComponent(path, base, baseIsResolved, Components);
   } else {
@@ -389,25 +447,39 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   }
 
   normalizePathSegments(Components);
+  for (auto &C : Components)
+    // LLVM_DEBUG(
+    dbgs() << " " << C << "\n"; //);
 
   // Handle path list items
   for (const auto &component : Components) {
     size_t oldSize = resolved.size();
     sys::path::append(resolved, component);
     const char *resolvedPath = resolved.c_str();
-
+    // LLVM_DEBUG(
+    dbgs() << "  Processing component: " << component << " => " << resolvedPath
+           << "\n"; //);
     mode_t st_mode = lstatCached(resolvedPath);
 
     if (S_ISLNK(st_mode)) {
+      // LLVM_DEBUG(
+      dbgs() << "    Found symlink: " << resolvedPath << "\n"; //);
+
       auto symlinkOpt = readlinkCached(resolvedPath);
       if (!symlinkOpt) {
         ec = std::make_error_code(std::errc::no_such_file_or_directory);
         // std::unique_lock lock(m_mutex);
         // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+        // LLVM_DEBUG(
+        dbgs() << "    Failed to read symlink: " << resolvedPath << "\n"; //);
+
         return std::nullopt;
       }
 
       StringRef symlink = *symlinkOpt;
+      // LLVM_DEBUG(
+      dbgs() << "    Symlink points to: " << symlink << "\n"; //);
+
       resolved.resize(oldSize);
 
       auto realSymlink =
@@ -415,14 +487,24 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
                          /*baseIsResolved=*/true, symloopLevel - 1);
       if (!realSymlink) {
         // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+        // LLVM_DEBUG(
+        dbgs() << "    Failed to resolve symlink target: " << symlink
+               << "\n"; //);
+
         return std::nullopt;
       }
 
       resolved.assign(*realSymlink);
+      // LLVM_DEBUG(
+      dbgs() << "    Symlink resolved to: " << resolved << "\n"; //);
+
     } else if (st_mode == 0) {
       ec = std::make_error_code(std::errc::no_such_file_or_directory);
       // std::unique_lock lock(m_mutex);
       // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+      // LLVM_DEBUG(
+      dbgs() << "    Component does not exist: " << resolvedPath << "\n"; //);
+
       return std::nullopt;
     }
   }
@@ -438,26 +520,44 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
                                                std::error_code() // success
                                            });
   }
+  // LLVM_DEBUG(
+  dbgs() << "PathResolver::realpathCached: Final resolved: " << path << " => "
+         << canonical << "\n"; //);
   return canonical;
 }
 
 void LibraryScanHelper::addBasePath(const std::string &path) {
   std::error_code ec;
   std::string canon = resolveCanonical(path, ec);
-  if (ec)
+  if (ec) {
+    // LLVM_DEBUG(
+    llvm::dbgs()
+        << "LibraryScanHelper::addBasePath: Failed to canonicalize path: "
+        << path << "\n"; //);
     return;
+  }
   std::unique_lock lock(m_mutex);
-  if (m_units.count(canon))
+  if (m_units.count(canon)) {
+    // LLVM_DEBUG(
+    llvm::dbgs() << "LibraryScanHelper::addBasePath: Already added: " << canon
+                 << "\n"; //);
     return;
-
+  }
   PathKind kind = classifyKind(canon);
   auto unit = std::make_shared<LibraryUnit>(canon, kind);
   m_units[canon] = unit;
 
-  if (kind == PathKind::User)
+  if (kind == PathKind::User) {
+    // LLVM_DEBUG(
+    llvm::dbgs() << "LibraryScanHelper::addBasePath: Added User path: " << canon
+                 << "\n"; //);
     m_unscannedUsr.push_back(canon);
-  else
+  } else {
+    // LLVM_DEBUG(
+    llvm::dbgs() << "LibraryScanHelper::addBasePath: Added System path: "
+                 << canon << "\n"; //);
     m_unscannedSys.push_back(canon);
+  }
 }
 
 std::vector<std::shared_ptr<LibraryUnit>>
@@ -511,8 +611,25 @@ std::string LibraryScanHelper::resolveCanonical(const std::string &path,
 }
 
 PathKind LibraryScanHelper::classifyKind(const std::string &path) const {
-  if (path.find("/usr") == 0 || path.find("/home") == 0)
+  // Detect home directory
+  const char *home = getenv("HOME");
+  if (home && path.find(home) == 0)
     return PathKind::User;
+
+  // Standard user install locations
+  static const std::vector<std::string> userPrefixes = {
+      "/usr/local",    // often used by users for manual installs
+      "/opt/homebrew", // common on macOS M1/M2
+      "/opt/local",    // MacPorts
+      "/home",         // Linux home dirs
+      "/Users",        // macOS user dirs
+  };
+
+  for (const auto &prefix : userPrefixes) {
+    if (path.find(prefix) == 0)
+      return PathKind::User;
+  }
+
   return PathKind::System;
 }
 
@@ -699,33 +816,52 @@ std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
 }
 
 void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
+  // LLVM_DEBUG(
+  dbgs() << "LibraryScanner::handleLibrary: Scanning: " << filePath
+         << ", level=" << level << "\n"; //);
   auto CanonPathOpt = shouldScan(filePath);
-  if (!CanonPathOpt)
-    return;
+  if (!CanonPathOpt) {
+    // LLVM_DEBUG(
+    dbgs() << "  Skipped (shouldScan returned false): " << filePath
+           << "\n"; //);
 
+    return;
+  }
   const std::string CanonicalPath = *CanonPathOpt;
 
   auto DepsOrErr = extractDeps(CanonicalPath);
   if (!DepsOrErr) {
+    // LLVM_DEBUG(
+    dbgs() << "  Failed to extract deps for: " << CanonicalPath << "\n"; //);
+
     consumeError(DepsOrErr.takeError());
     return;
   }
 
   LibraryDepsInfo &Deps = *DepsOrErr;
 
-  if (Deps.isPIE && level == 0)
+  if (Deps.isPIE && level == 0) {
+    // LLVM_DEBUG(
+    dbgs() << "  Skipped PIE executable at top level: " << CanonicalPath
+           << "\n"; //);
+
     return;
+  }
 
   bool added = m_libMgr.addLibrary(
       CanonicalPath, K == PathKind::User ? LibraryManager::Kind::User
                                          : LibraryManager::Kind::System);
-  if (!added)
-    return;
+  if (!added) {
+    // LLVM_DEBUG(
+    dbgs() << "  Already added: " << CanonicalPath << "\n"; //);
 
+    return;
+  }
   // Heuristic 1: No RPATH/RUNPATH, skip deps
   if (Deps.rpath.empty() && Deps.runPath.empty()) {
-    LLVM_DEBUG(dbgs() << "Dyld::ScanForLibraries: Skipping deps (Heuristic1): "
-                      << CanonicalPath << "\n");
+    // LLVM_DEBUG(
+    dbgs() << "Dyld::ScanForLibraries: Skipping deps (Heuristic1): "
+           << CanonicalPath << "\n"; //);
     return;
   }
 
@@ -737,25 +873,41 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
   };
 
   if (allTracked(Deps.rpath) && allTracked(Deps.runPath)) {
-    LLVM_DEBUG(dbgs() << "Dyld::ScanForLibraries: Skipping deps (Heuristic2): "
-                      << CanonicalPath << "\n");
+    // LLVM_DEBUG(
+    dbgs() << "Dyld::ScanForLibraries: Skipping deps (Heuristic2): "
+           << CanonicalPath << "\n"; //);
     return;
   }
 
   for (StringRef dep : Deps.deps) {
+    // LLVM_DEBUG(
+    dbgs() << "  Resolving dep: " << dep << "\n"; //);
     auto dep_fullopt = m_libResolver.resolve(dep, Deps.rpath, Deps.runPath,
                                              CanonicalPath, false);
-    if (!dep_fullopt)
+    if (!dep_fullopt) {
+      // LLVM_DEBUG(
+      dbgs() << "    Failed to resolve dep: " << dep << "\n"; //);
+
       continue;
+    }
+    // LLVM_DEBUG(
+    dbgs() << "    Resolved dep to: " << *dep_fullopt << "\n"; //);
 
     handleLibrary(*dep_fullopt, K, level + 1);
   }
 }
 
 void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
-  if (!sys::fs::is_directory(unit->basePath) || unit->basePath.empty())
+  if (!sys::fs::is_directory(unit->basePath) || unit->basePath.empty()) {
+    // LLVM_DEBUG(
+    dbgs() << "LibraryScanner::scanBaseDir: Invalid or empty basePath: "
+           << unit->basePath << "\n"; //);
     return;
+  }
 
+  // LLVM_DEBUG(
+  dbgs() << "LibraryScanner::scanBaseDir: Scanning directory: "
+         << unit->basePath << "\n"; //);
   std::error_code ec;
 
   unit->state.store(ScanState::Scanning);
@@ -768,6 +920,9 @@ void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
 
     auto status = *entry.status();
     if (sys::fs::is_regular_file(status) || sys::fs::is_symlink_file(status)) {
+      // LLVM_DEBUG(
+      dbgs() << "  Found file: " << entry.path() << "\n"; //);
+
       // if (m_cache->hasSeen(entry.path()))
       //   continue;
       // std::string path = m_helper->resolvePath(entry.path(), ec);
@@ -780,8 +935,16 @@ void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
 }
 
 void LibraryScanner::scanNext(PathKind K, size_t batchSize) {
+  // LLVM_DEBUG(
+  dbgs() << "LibraryScanner::scanNext: Scanning next batch of size "
+         << batchSize << " for kind "
+         << (K == PathKind::User ? "User" : "System") << "\n"; //);
+
   auto Units = m_helper.getNextBatch(K, batchSize);
   for (auto &unit : Units) {
+    // LLVM_DEBUG(
+    dbgs() << "  Scanning unit with basePath: " << unit->basePath << "\n"; //);
+
     scanBaseDir(unit);
   }
 }

>From 493306c9f8b48fb153539cc0cd7b48532f036a56 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Thu, 10 Jul 2025 15:51:11 +0530
Subject: [PATCH 03/37] Fix some issues

---
 .../Orc/TargetProcess/DynamicLoader.h         | 187 +++++++++---------
 .../Orc/TargetProcess/LibraryScanner.h        |   4 +-
 .../Orc/TargetProcess/DynamicLoader.cpp       |  65 +++---
 .../Orc/TargetProcess/LibraryScanner.cpp      | 123 +++++++-----
 4 files changed, 202 insertions(+), 177 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
index 0b98be4cd9bf1..ef42f3897f9cc 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
@@ -26,77 +26,82 @@
 namespace llvm {
 namespace orc {
 
-// Represents a collection of libraries, each optionally associated with a
-// symbol filter and hash map.
-// class LibraryCollection {
+// template <typename Iterator, typename Predicate, typename Projection>
+// class FilterIterator {
 // public:
-//   class LibraryInfo {
-//   public:
-//     LibraryInfo(const LibraryInfo &) = delete;
-//     LibraryInfo &operator=(const LibraryInfo &) = delete;
-
-//     LibraryInfo(std::string basePath,
-//                 std::optional<BloomFilter> filter = std::nullopt
-//         : basePath(std::move(basePath)), filter(std::move(filter)) {}
-
-//     StringRef getBasePath() const { return basePath; }
-//     StringRef getFileName() const { return fileName; }
-
-//     std::string getFullPath() const {
-//       llvm::SmallString<512> fullPath(basePath);
-//       llvm::sys::path::append(fullPath, llvm::StringRef(fileName));
-//       return std::string(fullPath.str());
-//     }
-
-//     bool setFilter(const BloomFilter &f);
-//     bool buildFilter(const std::vector<std::string> &symbols);
-//     bool ensureFilterBuilt(const std::vector<std::string> &symbols);
-//     bool buildHashMap(const std::vector<std::string> &symbols);
-
-//     bool mayContain(StringRef symbol) const;
-//     bool hasFilter() const { return filter.has_value(); }
-//     bool hasHashMap() const { return hashMap.has_value(); }
+//   FilterIterator(Iterator current, Iterator end, Predicate pred,
+//                  Projection proj)
+//       : current_(current), end_(end), pred_(pred), proj_(proj) {
+//     advance_to_valid();
+//   }
 
-//   private:
-//     std::string basePath;
-//     std::string fileName;
-//     std::optional<BloomFilter> filter;
-//     std::mutex mutex;
-//   };
+//   decltype(auto) operator*() { return proj_(*current_); }
 
-//   using LibraryVisitor = unique_function<bool(const LibraryInfo &)>;
+//   FilterIterator &operator++() {
+//     ++current_;
+//     advance_to_valid();
+//     return *this;
+//   }
 
-//   // Visit each library. Stops early if visitor returns false.
-//   bool forEachLibrary(LibraryVisitor &&visitor) const;
+//   bool operator!=(const FilterIterator &other) const {
+//     return current_ != other.current_;
+//   }
 
-//   // Visit each library. Removes those for which the visitor returns true.
-//   bool removeIf(LibraryVisitor &&shouldRemove);
+// private:
+//   void advance_to_valid() {
+//     while (current_ != end_ && !pred_(*current_)) {
+//       ++current_;
+//     }
+//   }
 
-//   // Adds a new library with optional filter and hash map.
-//   bool addLibrary(std::string basePath,
-//                   std::optional<BloomFilter> filter = std::nullopt);
+//   Iterator current_, end_;
+//   Predicate pred_;
+//   Projection proj_;
+// };
 
-//   // Removes a library by base path.
-//   bool removeLibrary(const std::string &basePath);
+// template <typename Iterator, typename Predicate, typename Projection>
+// class FilterView {
+// public:
+//   FilterView(Iterator begin, Iterator end, Predicate pred, Projection proj)
+//       : begin_(begin), end_(end), pred_(pred), proj_(proj) {}
+
+//   auto begin() {
+//     return FilterIterator<Iterator, Predicate, Projection>(begin_, end_,
+//     pred_,
+//                                                            proj_);
+//   }
+
+//   auto end() {
+//     return FilterIterator<Iterator, Predicate, Projection>(end_, end_, pred_,
+//                                                            proj_);
+//   }
+
+//   template <typename Iterator, typename Predicate, typename Projection>
+//   static auto make_filter_view(Iterator begin, Iterator end, Predicate pred,
+//                                Projection proj) {
+//     return FilterView<Iterator, Predicate, Projection>(begin, end, pred,
+//     proj);
+//   }
+
+//   template <typename Iterator, typename Predicate>
+//   static auto make_filter_view(Iterator begin, Iterator end, Predicate pred)
+//   {
+//     return FilterView<Iterator, Predicate,
+//                       decltype([](auto &x) -> decltype(auto) { return x; })>(
+//         begin, end, pred, [](auto &x) -> decltype(auto) { return x; });
+//   }
 
 // private:
-//   struct LibraryInfoHash {
-//     size_t operator()(const LibraryInfo &lib) const {
-//       return std::hash<size_t>()(lib.getBasePath().length()) ^
-//              std::hash<std::string>()(std::string(lib.getFileName()));
-//     }
-//   };
-
-//   std::unordered_set<LibraryInfo, LibraryInfoHash> libraries;
-//   std::vector<const LibraryInfo *> Libs;
-//   mutable std::mutex mutex;
+//   Iterator begin_, end_;
+//   Predicate pred_;
+//   Projection proj_;
 // };
 
 /// Manages library metadata and state for symbol resolution.
 ///
-/// Tracks libraries by load state and kind (user/system), and stores associated
-/// Bloom filters and hash maps to speed up symbol lookups. Thread-safe for
-/// concurrent access.
+/// Tracks libraries by load state and kind (user/system), and stores
+/// associated Bloom filters and hash maps to speed up symbol lookups.
+/// Thread-safe for concurrent access.
 class LibraryManager {
 public:
   enum class State : uint8_t { Unloaded = 0, Loaded = 1, Queried = 2 };
@@ -164,7 +169,7 @@ class LibraryManager {
 
   class FilteredView {
   public:
-    using Map = std::unordered_map<std::string, std::shared_ptr<LibraryInfo>>;
+    using Map = StringMap<std::shared_ptr<LibraryInfo>>;
     using Iterator = typename Map::const_iterator;
     class FilterIterator {
     public:
@@ -217,7 +222,7 @@ class LibraryManager {
   };
 
 private:
-  std::unordered_map<std::string, std::shared_ptr<LibraryInfo>> libraries;
+  StringMap<std::shared_ptr<LibraryInfo>> libraries;
   mutable std::shared_mutex mutex;
 
 public:
@@ -236,20 +241,20 @@ class LibraryManager {
 
     if (libraries.count(path) > 0)
       return false;
-    libraries.emplace(std::move(path),
+    libraries.insert({std::move(path),
                       std::make_shared<LibraryInfo>(path, State::Unloaded, kind,
-                                                    std::move(filter)));
+                                                    std::move(filter))});
     return true;
   }
 
   bool hasLibrary(StringRef path) {
     std::shared_lock<std::shared_mutex> lock(mutex);
-    if (libraries.count(path.str()) > 0)
+    if (libraries.count(path) > 0)
       return true;
     return false;
   }
 
-  bool removeLibrary(const std::string &path) {
+  bool removeLibrary(StringRef path) {
     std::unique_lock<std::shared_mutex> lock(mutex);
     // auto P = sys::path::native(path);
     auto I = libraries.find(path);
@@ -259,21 +264,21 @@ class LibraryManager {
     return true;
   }
 
-  void markLoaded(const std::string &path) {
+  void markLoaded(StringRef path) {
     std::unique_lock<std::shared_mutex> lock(mutex);
     if (auto it = libraries.find(path); it != libraries.end()) {
       it->second->setState(State::Loaded);
     }
   }
 
-  void markQueried(const std::string &path) {
+  void markQueried(StringRef path) {
     std::unique_lock<std::shared_mutex> lock(mutex);
     if (auto it = libraries.find(path); it != libraries.end()) {
       it->second->setState(State::Queried);
     }
   }
 
-  std::shared_ptr<LibraryInfo> getLibrary(const std::string &path) {
+  std::shared_ptr<LibraryInfo> getLibrary(StringRef path) {
     std::shared_lock<std::shared_mutex> lock(mutex);
     if (auto it = libraries.find(path); it != libraries.end())
       return it->second;
@@ -326,7 +331,7 @@ class DynamicLoader {
   public:
     enum class Result { Continue, Stop, Error };
 
-    using OnEachSymbolFn = std::function<Result(const std::string &)>;
+    using OnEachSymbolFn = std::function<Result(StringRef Sym)>;
 
     enum class Filter : uint32_t {
       None = 0,
@@ -341,7 +346,7 @@ class DynamicLoader {
       uint32_t FilterFlags = static_cast<uint32_t>(Filter::Default);
     };
 
-    static bool enumerateSymbols(llvm::StringRef Path, OnEachSymbolFn OnEach,
+    static bool enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
                                  const Options &Opts);
   };
 
@@ -354,17 +359,18 @@ class DynamicLoader {
 
   private:
     mutable std::shared_mutex mtx;
-    std::unordered_map<std::string, Result> results;
+    StringMap<Result> results;
     std::atomic<size_t> resolvedCount = 0;
 
   public:
     explicit SymbolQuery(const std::vector<std::string> &symbols) {
+      // results.reserve(symbols.size());
       for (const auto &s : symbols)
-        results.emplace(s, Result{s, ""});
+        results.insert({s, Result{s, ""}});
     }
 
-    std::vector<std::string> getUnresolvedSymbols() const {
-      std::vector<std::string> unresolved;
+    std::vector<StringRef> getUnresolvedSymbols() const {
+      std::vector<StringRef> unresolved;
       std::shared_lock lock(mtx);
       for (const auto &[name, res] : results) {
         if (res.ResolvedLibPath.empty())
@@ -373,12 +379,12 @@ class DynamicLoader {
       return unresolved;
     }
 
-    void resolve(const std::string &symbol, const std::string &libPath) {
+    void resolve(StringRef symbol, const std::string &libPath) {
       std::unique_lock lock(mtx);
       auto it = results.find(symbol);
       if (it != results.end() && it->second.ResolvedLibPath.empty()) {
         it->second.ResolvedLibPath = libPath;
-        ++resolvedCount;
+        resolvedCount.fetch_add(1, std::memory_order_relaxed);
       }
     }
 
@@ -390,26 +396,26 @@ class DynamicLoader {
       return resolvedCount.load(std::memory_order_relaxed) < results.size();
     }
 
-    std::optional<std::string> getResolvedLib(const std::string &symbol) const {
+    std::optional<StringRef> getResolvedLib(StringRef symbol) const {
       std::shared_lock lock(mtx);
       auto it = results.find(symbol);
       if (it != results.end() && !it->second.ResolvedLibPath.empty())
-        return it->second.ResolvedLibPath;
+        return StringRef(it->second.ResolvedLibPath);
       return std::nullopt;
     }
 
-    bool isResolved(const std::string &symbol) const {
+    bool isResolved(StringRef symbol) const {
       std::shared_lock lock(mtx);
-      auto it = results.find(symbol);
+      auto it = results.find(symbol.str());
       return it != results.end() && !it->second.ResolvedLibPath.empty();
     }
 
-    std::vector<Result> getAllResults() const {
+    std::vector<const Result *> getAllResults() const {
       std::shared_lock lock(mtx);
-      std::vector<Result> out;
+      std::vector<const Result *> out;
       out.reserve(results.size());
       for (const auto &[_, res] : results)
-        out.push_back(res);
+        out.push_back(&res);
       return out;
     }
   };
@@ -426,12 +432,13 @@ class DynamicLoader {
 
     BloomFilterBuilder filterBuilder = BloomFilterBuilder();
 
-    static Setup create(
-        std::vector<std::string> basePaths,
-        std::shared_ptr<LibraryPathCache> existingCache = nullptr,
-        std::shared_ptr<PathResolver> existingResolver = nullptr,
-        //  std::shared_ptr<DylibPathResolver> existingDylibResolver = nullptr,
-        LibraryScanner::shouldScanFn customShouldScan = nullptr) {
+    static Setup
+    create(std::vector<std::string> basePaths,
+           std::shared_ptr<LibraryPathCache> existingCache = nullptr,
+           std::shared_ptr<PathResolver> existingResolver = nullptr,
+           //  std::shared_ptr<DylibPathResolver> existingDylibResolver =
+           //  nullptr,
+           LibraryScanner::shouldScanFn customShouldScan = nullptr) {
       Setup setup;
       setup.basePaths = std::move(basePaths);
 
@@ -464,10 +471,10 @@ class DynamicLoader {
   void scanLibrariesIfNeeded(LibraryManager::Kind K);
   void resolveSymbolsInLibrary(LibraryInfo &library, SymbolQuery &query);
   bool
-  symbolExistsInLibrary(const LibraryInfo &library, llvm::StringRef symbol,
+  symbolExistsInLibrary(const LibraryInfo &library, StringRef symbol,
                         std::vector<std::string> *matchedSymbols = nullptr);
 
-  bool symbolExistsInLibrary(const LibraryInfo &lib, llvm::StringRef symbolName,
+  bool symbolExistsInLibrary(const LibraryInfo &lib, StringRef symbolName,
                              std::vector<std::string> *allSymbols,
                              const SymbolEnumerator::Options &opts);
 
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index ffe41c118c84e..d55f82ed105af 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -157,8 +157,8 @@ class LibraryScanHelper {
                              std::shared_ptr<PathResolver> m_resolver)
       : m_cache(std::move(m_cache)), m_resolver(std::move(m_resolver)) {
     // LLVM_DEBUG(
-    llvm::dbgs() << "LibraryScanHelper::LibraryScanHelper: base paths : "
-                 << paths.size() << "\n"; //);
+    dbgs() << "LibraryScanHelper::LibraryScanHelper: base paths : "
+           << paths.size() << "\n"; //);
     for (const auto &p : paths)
       addBasePath(p);
   }
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
index 5388d8d1aa9c0..0abff22611bb8 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
@@ -9,6 +9,8 @@
 #include "llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h"
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
 
+#include "llvm/ADT/StringSet.h"
+
 #include "llvm/BinaryFormat/MachO.h"
 #include "llvm/Object/COFF.h"
 #include "llvm/Object/ELF.h"
@@ -17,6 +19,9 @@
 #include "llvm/Object/ObjectFile.h"
 #include "llvm/Support/Error.h"
 
+#include <mutex>
+#include <thread>
+
 #define DEBUG_TYPE "orc"
 
 namespace llvm::orc {
@@ -90,7 +95,7 @@ bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
       if (Name.empty())
         continue;
 
-      EnumerateResult Res = OnEach(Name.str());
+      EnumerateResult Res = OnEach(Name);
       if (Res != EnumerateResult::Continue)
         return Res;
     }
@@ -117,7 +122,7 @@ bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
       if (Name.empty())
         continue;
 
-      if (OnEach(Name.str()) != EnumerateResult::Continue)
+      if (OnEach(Name) != EnumerateResult::Continue)
         return false;
     }
   } else if (Obj->isMachO()) {
@@ -147,16 +152,14 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
     // );
     SymbolEnumerator::enumerateSymbols(
         lib.getFullPath(),
-        [&](const std::string &sym) {
-          discoveredSymbols.insert(sym);
+        [&](StringRef sym) {
+          discoveredSymbols.insert(sym.str());
           return SymbolEnumerator::Result::Continue;
         },
         opts);
   };
 
-  const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
-
-  if (unresolved.empty()) {
+  if (!unresolvedSymbols.hasUnresolved()) {
     // LLVM_DEBUG(
     dbgs() << "Skipping library: " << lib.getFullPath()
            << " — unresolved symbols exist.\n";
@@ -174,12 +177,13 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
       dbgs() << "discoveredSymbols : " << sym << "\n";
   }
 
+  const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
   for (const auto &symbol : unresolved) {
     if (lib.mayContain(symbol)) {
       // LLVM_DEBUG(
       dbgs() << "Checking symbol '" << symbol
              << "' in library: " << lib.getFullPath() << "\n"; //);
-      if (discoveredSymbols.count(symbol) > 0) {
+      if (discoveredSymbols.count(symbol.str()) > 0) {
         // LLVM_DEBUG(
         dbgs() << "  Resolved symbol: " << symbol
                << " in library: " << lib.getFullPath() << "\n"; //);
@@ -225,43 +229,22 @@ void DynamicLoader::searchSymbolsInLibraries(
   }
 
 done:
-  // LLVM_DEBUG(
-  dbgs() << "Search complete.\n"; //);
+  // LLVM_DEBUG({
+  dbgs() << "Search complete.\n";
+  for (const auto &r : query.getAllResults())
+    dbgs() << "Resolved Symbol:" << r->Name << " -> " << r->ResolvedLibPath
+           << "\n";
+  //});
+
   // ProcessLib(query.getResolvedPath());
   onComplete(query);
 }
 
-// void DynamicLoader::searchSymbolsInLibraries(
-//     std::vector<std::string> &symbolList, OnSearchComplete onComplete) {
-//   SymbolQuery query(symbolList);
-
-//   auto tryResolveFrom = [&](const LibraryCollection &libraries,
-//                             bool isUserLib) {
-//     scanLibrariesIfNeeded(libraries, isUserLib);
-//     for (const auto &lib : libraries) {
-//       // can use Async here?
-//       tryToResolveSymbols(lib, query);
-//       if (query.allResolved())
-//         break;
-//     }
-//   };
-
-//   tryResolveFrom(loadedLibs, /*isUserLib=*/false);
-
-//   if (!query.allResolved())
-//     tryResolveFrom(usrLibs, /*isUserLib=*/true);
-
-//   if (!query.allResolved() && includesys)
-//     tryResolveFrom(sysLibs, /*isUserLib=*/false);
-
-//   onComplete(query);
-// }
-
 void DynamicLoader::scanLibrariesIfNeeded(LibraryManager::Kind PK) {
   // LLVM_DEBUG(
-  llvm::dbgs() << "DynamicLoader::scanLibrariesIfNeeded: Scanning for "
-               << (PK == LibraryManager::Kind::User ? "User" : "System")
-               << " libraries\n"; //);
+  dbgs() << "DynamicLoader::scanLibrariesIfNeeded: Scanning for "
+         << (PK == LibraryManager::Kind::User ? "User" : "System")
+         << " libraries\n"; //);
   LibraryScanner Scanner(ScanH, LibMgr, m_shouldScan);
   Scanner.scanNext(PK == LibraryManager::Kind::User ? PathKind::User
                                                     : PathKind::System);
@@ -284,9 +267,9 @@ bool DynamicLoader::symbolExistsInLibrary(
 
   SymbolEnumerator::enumerateSymbols(
       lib.getFullPath(),
-      [&](const std::string &sym) {
+      [&](StringRef sym) {
         if (allSymbols)
-          allSymbols->emplace_back(sym);
+          allSymbols->emplace_back(sym.str());
 
         if (sym == symbolName) {
           found = true;
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 436c8fce75a15..75dcabb9a5d42 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -51,7 +51,7 @@ bool isLibraryFile(StringRef filename) {
 
 template <class ELFT>
 bool isELFSharedLibrary(const object::ELFFile<ELFT> &ELFObj) {
-  return ELFObj.getHeader().e_type == llvm::ELF::ET_DYN;
+  return ELFObj.getHeader().e_type == ELF::ET_DYN;
 }
 
 bool isSharedLibrary(StringRef Path) {
@@ -111,7 +111,7 @@ std::optional<std::string> DylibPathResolver::substOne(StringRef path,
   if (path.size() < pattern.size() || !path.starts_with_insensitive(pattern))
     return std::nullopt;
 
-  llvm::SmallString<256> result(replacement);
+  SmallString<256> result(replacement);
   result.append(path.drop_front(pattern.size()));
 
   return normalizeIfShared(result);
@@ -121,16 +121,16 @@ std::optional<std::string> DylibPathResolver::substAll(StringRef original,
                                                        StringRef loaderPath) {
 
 #ifdef __APPLE__
-  llvm::SmallString<256> mainExecutablePath(
-      llvm::sys::fs::getMainExecutable(nullptr, nullptr));
-  llvm::sys::path::remove_filename(mainExecutablePath);
+  SmallString<256> mainExecutablePath(
+      sys::fs::getMainExecutable(nullptr, nullptr));
+  sys::path::remove_filename(mainExecutablePath);
 
-  llvm::SmallString<256> loaderDir;
+  SmallString<256> loaderDir;
   if (loaderPath.empty())
     loaderDir = mainExecutablePath;
   else {
     loaderDir = loaderPath;
-    llvm::sys::path::remove_filename(loaderDir);
+    sys::path::remove_filename(loaderDir);
   }
 
   // Try @loader_path
@@ -142,13 +142,13 @@ std::optional<std::string> DylibPathResolver::substAll(StringRef original,
     return path;
 
 #else
-  llvm::SmallString<256> loaderDir;
+  SmallString<256> loaderDir;
   if (loaderPath.empty())
-    loaderDir = llvm::sys::fs::getMainExecutable(nullptr, nullptr);
+    loaderDir = sys::fs::getMainExecutable(nullptr, nullptr);
   else
     loaderDir = loaderPath;
 
-  llvm::sys::path::remove_filename(loaderDir);
+  sys::path::remove_filename(loaderDir);
 
   // Try $origin
   if (auto path = substOne(original, "$origin", loaderDir))
@@ -168,8 +168,8 @@ DylibPathResolver::tryWithBasePaths(ArrayRef<StringRef> basePaths,
     if (!resolvedBaseOpt)
       continue;
 
-    llvm::SmallString<256> fullPath(*resolvedBaseOpt);
-    llvm::sys::path::append(fullPath, stem);
+    SmallString<256> fullPath(*resolvedBaseOpt);
+    sys::path::append(fullPath, stem);
 
     if (auto norm = normalizeIfShared(fullPath)) {
       return norm;
@@ -214,7 +214,7 @@ std::optional<std::string> DylibPathResolver::tryWithExtensions(
 #endif
 
   // Optionally try "lib" prefix if not already there
-  StringRef filename = llvm::sys::path::filename(baseName);
+  StringRef filename = sys::path::filename(baseName);
   if (!filename.starts_with("lib")) {
     SmallString<256> withPrefix("lib");
     withPrefix += filename;
@@ -256,7 +256,7 @@ DylibPathResolver::resolve(StringRef libStem, SmallVector<StringRef, 2> RPath,
                            SmallVector<StringRef, 2> RunPath,
                            StringRef libLoader, bool variateLibStem) {
   // If it is an absolute path, don't try iterate over the paths.
-  if (llvm::sys::path::is_absolute(libStem)) {
+  if (sys::path::is_absolute(libStem)) {
     return normalizeIfShared(libStem);
   }
 
@@ -447,9 +447,11 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   }
 
   normalizePathSegments(Components);
+  // LLVM_DEBUG({
   for (auto &C : Components)
-    // LLVM_DEBUG(
-    dbgs() << " " << C << "\n"; //);
+    dbgs() << " " << C << " ";
+
+  dbgs() << "\n"; //});
 
   // Handle path list items
   for (const auto &component : Components) {
@@ -468,8 +470,9 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
       auto symlinkOpt = readlinkCached(resolvedPath);
       if (!symlinkOpt) {
         ec = std::make_error_code(std::errc::no_such_file_or_directory);
-        // std::unique_lock lock(m_mutex);
-        // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+        std::unique_lock lock(m_mutex);
+        m_cache->m_realpathCache.emplace(path,
+                                         LibraryPathCache::PathInfo{"", ec});
         // LLVM_DEBUG(
         dbgs() << "    Failed to read symlink: " << resolvedPath << "\n"; //);
 
@@ -486,7 +489,9 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
           realpathCached(symlink.str(), ec, resolved,
                          /*baseIsResolved=*/true, symloopLevel - 1);
       if (!realSymlink) {
-        // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+        std::unique_lock lock(m_mutex);
+        m_cache->m_realpathCache.emplace(path,
+                                         LibraryPathCache::PathInfo{"", ec});
         // LLVM_DEBUG(
         dbgs() << "    Failed to resolve symlink target: " << symlink
                << "\n"; //);
@@ -500,8 +505,9 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
     } else if (st_mode == 0) {
       ec = std::make_error_code(std::errc::no_such_file_or_directory);
-      // std::unique_lock lock(m_mutex);
-      // m_cache->m_realpathCache.emplace(path, PathInfo{"", ec});
+      std::unique_lock lock(m_mutex);
+      m_cache->m_realpathCache.emplace(path,
+                                       LibraryPathCache::PathInfo{"", ec});
       // LLVM_DEBUG(
       dbgs() << "    Component does not exist: " << resolvedPath << "\n"; //);
 
@@ -531,16 +537,15 @@ void LibraryScanHelper::addBasePath(const std::string &path) {
   std::string canon = resolveCanonical(path, ec);
   if (ec) {
     // LLVM_DEBUG(
-    llvm::dbgs()
-        << "LibraryScanHelper::addBasePath: Failed to canonicalize path: "
-        << path << "\n"; //);
+    dbgs() << "LibraryScanHelper::addBasePath: Failed to canonicalize path: "
+           << path << "\n"; //);
     return;
   }
   std::unique_lock lock(m_mutex);
   if (m_units.count(canon)) {
     // LLVM_DEBUG(
-    llvm::dbgs() << "LibraryScanHelper::addBasePath: Already added: " << canon
-                 << "\n"; //);
+    dbgs() << "LibraryScanHelper::addBasePath: Already added: " << canon
+           << "\n"; //);
     return;
   }
   PathKind kind = classifyKind(canon);
@@ -549,13 +554,13 @@ void LibraryScanHelper::addBasePath(const std::string &path) {
 
   if (kind == PathKind::User) {
     // LLVM_DEBUG(
-    llvm::dbgs() << "LibraryScanHelper::addBasePath: Added User path: " << canon
-                 << "\n"; //);
+    dbgs() << "LibraryScanHelper::addBasePath: Added User path: " << canon
+           << "\n"; //);
     m_unscannedUsr.push_back(canon);
   } else {
     // LLVM_DEBUG(
-    llvm::dbgs() << "LibraryScanHelper::addBasePath: Added System path: "
-                 << canon << "\n"; //);
+    dbgs() << "LibraryScanHelper::addBasePath: Added System path: " << canon
+           << "\n"; //);
     m_unscannedSys.push_back(canon);
   }
 }
@@ -744,7 +749,8 @@ Expected<LibraryDepsInfo> parseELF(const object::ELFFile<ELFT> &Elf) {
 
 Expected<LibraryDepsInfo> parseELFDeps(const object::ELFObjectFileBase &obj) {
   using namespace object;
-
+  // LLVM_DEBUG(
+  dbgs() << "parseELFDeps: Detected ELF object\n"; //);
   if (const auto *ELF = dyn_cast<ELF32LEObjectFile>(&obj))
     return parseELF(ELF->getELFFile());
   else if (const auto *ELF = dyn_cast<ELF32BEObjectFile>(&obj))
@@ -754,25 +760,55 @@ Expected<LibraryDepsInfo> parseELFDeps(const object::ELFObjectFileBase &obj) {
   else if (const auto *ELF = dyn_cast<ELF64BEObjectFile>(&obj))
     return parseELF(ELF->getELFFile());
 
+  // LLVM_DEBUG(
+  dbgs() << "parseELFDeps: Unknown ELF format\n"; //);
   return createStringError(std::errc::not_supported, "Unknown ELF format");
 }
 
+void handleError(Error Err) {
+  consumeError(llvm::handleErrors(std::move(Err), [](const ErrorInfoBase &EIB) {
+    dbgs() << "LLVM Error: " << EIB.message() << "\n";
+  }));
+}
+
+template <typename T> T handleErrorAndReturn(Error Err, T ReturnValue) {
+  handleError(std::move(Err));
+  return ReturnValue;
+}
+
 Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
+  // LLVM_DEBUG(
+  dbgs() << "extractDeps: Attempting to open file " << filePath << "\n"; //);
+
   auto ObjOrErr = object::ObjectFile::createObjectFile(filePath);
-  if (!ObjOrErr)
+  if (!ObjOrErr) {
+    // LLVM_DEBUG(
+    dbgs() << "extractDeps: Failed to open " << filePath << "\n"; //);
+    consumeError(ObjOrErr.takeError());
+    return handleErrorAndReturn(ObjOrErr.takeError(),
+                                createStringError(std::errc::file_exists,
+                                                  "Failed to open %s",
+                                                  filePath.str().c_str()));
     return createStringError(std::errc::file_exists, "Failed to open %s",
                              filePath.str().c_str());
-
+  }
   object::ObjectFile *Obj = ObjOrErr.get().getBinary();
 
   if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {
+    // LLVM_DEBUG(
+    dbgs() << "extractDeps: File " << filePath << " is an ELF object\n"; //);
+
     return parseELFDeps(*elfObj);
   }
 
   if (auto *macho = dyn_cast<object::MachOObjectFile>(Obj)) {
+    // LLVM_DEBUG(
+    dbgs() << "extractDeps: File " << filePath << " is a Mach-O object\n"; //);
     return parseMachODeps(*macho);
   }
-
+  // LLVM_DEBUG(
+  dbgs() << "extractDeps: Unsupported binary format for file " << filePath
+         << "\n"; //);
   return createStringError(inconvertibleErrorCode(),
                            "Unsupported binary format: %s",
                            filePath.str().c_str());
@@ -796,16 +832,16 @@ std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
   if (sys::fs::is_directory(CanonicalPath))
     return std::nullopt;
 
-  // [4] Skip if we've already seen this path (via cache)
-  if (m_helper.hasSeen(CanonicalPath))
+  // [4] Skip if it's not a shared library.
+  if (!isSharedLibrary(CanonicalPath))
     return std::nullopt;
 
-  // [5] Already tracked in LibraryManager?
-  if (m_libMgr.hasLibrary(CanonicalPath))
+  // [5] Skip if we've already seen this path (via cache)
+  if (m_helper.hasSeen(CanonicalPath))
     return std::nullopt;
 
-  // [6] Is this a shared library?
-  if (!isSharedLibrary(CanonicalPath))
+  // [6] Already tracked in LibraryManager?
+  if (m_libMgr.hasLibrary(CanonicalPath))
     return std::nullopt;
 
   // [7] Run user-defined hook (default: always true)
@@ -833,8 +869,7 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
   if (!DepsOrErr) {
     // LLVM_DEBUG(
     dbgs() << "  Failed to extract deps for: " << CanonicalPath << "\n"; //);
-
-    consumeError(DepsOrErr.takeError());
+    handleError(DepsOrErr.takeError());
     return;
   }
 
@@ -860,7 +895,7 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
   // Heuristic 1: No RPATH/RUNPATH, skip deps
   if (Deps.rpath.empty() && Deps.runPath.empty()) {
     // LLVM_DEBUG(
-    dbgs() << "Dyld::ScanForLibraries: Skipping deps (Heuristic1): "
+    dbgs() << "LibraryScanner::handleLibrary: Skipping deps (Heuristic1): "
            << CanonicalPath << "\n"; //);
     return;
   }
@@ -874,7 +909,7 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
 
   if (allTracked(Deps.rpath) && allTracked(Deps.runPath)) {
     // LLVM_DEBUG(
-    dbgs() << "Dyld::ScanForLibraries: Skipping deps (Heuristic2): "
+    dbgs() << "LibraryScanner::handleLibrary: Skipping deps (Heuristic2): "
            << CanonicalPath << "\n"; //);
     return;
   }

>From 20c102d13e0ea4a1301e224c5dfde8403d282777 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sun, 13 Jul 2025 12:03:34 +0530
Subject: [PATCH 04/37] Fix some compilation issues

---
 .../Orc/TargetProcess/DynamicLoader.h         | 107 ++++--------------
 .../Orc/TargetProcess/LibraryScanner.h        |  21 +++-
 .../Orc/TargetProcess/DynamicLoader.cpp       |  13 ++-
 .../Orc/TargetProcess/LibraryScanner.cpp      |  26 ++---
 4 files changed, 55 insertions(+), 112 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
index ef42f3897f9cc..6492823aa0d56 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
@@ -20,83 +20,13 @@
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
 #include "llvm/Support/Path.h"
 
+#include <atomic>
 #include <shared_mutex>
 #include <unordered_map>
 
 namespace llvm {
 namespace orc {
 
-// template <typename Iterator, typename Predicate, typename Projection>
-// class FilterIterator {
-// public:
-//   FilterIterator(Iterator current, Iterator end, Predicate pred,
-//                  Projection proj)
-//       : current_(current), end_(end), pred_(pred), proj_(proj) {
-//     advance_to_valid();
-//   }
-
-//   decltype(auto) operator*() { return proj_(*current_); }
-
-//   FilterIterator &operator++() {
-//     ++current_;
-//     advance_to_valid();
-//     return *this;
-//   }
-
-//   bool operator!=(const FilterIterator &other) const {
-//     return current_ != other.current_;
-//   }
-
-// private:
-//   void advance_to_valid() {
-//     while (current_ != end_ && !pred_(*current_)) {
-//       ++current_;
-//     }
-//   }
-
-//   Iterator current_, end_;
-//   Predicate pred_;
-//   Projection proj_;
-// };
-
-// template <typename Iterator, typename Predicate, typename Projection>
-// class FilterView {
-// public:
-//   FilterView(Iterator begin, Iterator end, Predicate pred, Projection proj)
-//       : begin_(begin), end_(end), pred_(pred), proj_(proj) {}
-
-//   auto begin() {
-//     return FilterIterator<Iterator, Predicate, Projection>(begin_, end_,
-//     pred_,
-//                                                            proj_);
-//   }
-
-//   auto end() {
-//     return FilterIterator<Iterator, Predicate, Projection>(end_, end_, pred_,
-//                                                            proj_);
-//   }
-
-//   template <typename Iterator, typename Predicate, typename Projection>
-//   static auto make_filter_view(Iterator begin, Iterator end, Predicate pred,
-//                                Projection proj) {
-//     return FilterView<Iterator, Predicate, Projection>(begin, end, pred,
-//     proj);
-//   }
-
-//   template <typename Iterator, typename Predicate>
-//   static auto make_filter_view(Iterator begin, Iterator end, Predicate pred)
-//   {
-//     return FilterView<Iterator, Predicate,
-//                       decltype([](auto &x) -> decltype(auto) { return x; })>(
-//         begin, end, pred, [](auto &x) -> decltype(auto) { return x; });
-//   }
-
-// private:
-//   Iterator begin_, end_;
-//   Predicate pred_;
-//   Projection proj_;
-// };
-
 /// Manages library metadata and state for symbol resolution.
 ///
 /// Tracks libraries by load state and kind (user/system), and stores
@@ -123,7 +53,7 @@ class LibraryManager {
     std::string getFullPath() const { return filePath; }
 
     bool setFilter(BloomFilter F) {
-      std::lock_guard lock(mutex);
+      std::lock_guard<std::shared_mutex> lock(mutex);
       if (filter)
         return false;
       filter.emplace(std::move(F));
@@ -132,7 +62,7 @@ class LibraryManager {
 
     bool ensureFilterBuilt(const BloomFilterBuilder &FB,
                            const std::vector<std::string> &symbols) {
-      std::lock_guard lock(mutex);
+      std::lock_guard<std::shared_mutex> lock(mutex);
       if (filter)
         return false;
       filter.emplace(FB.build(symbols));
@@ -141,12 +71,12 @@ class LibraryManager {
 
     bool mayContain(StringRef symbol) const {
       assert(hasFilter());
-      std::shared_lock lock(mutex);
+      std::shared_lock<std::shared_mutex> lock(mutex);
       return filter->mayContain(symbol);
     }
 
     bool hasFilter() const {
-      std::shared_lock lock(mutex);
+      std::shared_lock<std::shared_mutex> lock(mutex);
       return filter.has_value();
     }
 
@@ -286,12 +216,12 @@ class LibraryManager {
   }
 
   FilteredView getView(State s, Kind k) const {
-    std::shared_lock lock(mutex);
+    std::shared_lock<std::shared_mutex> lock(mutex);
     return FilteredView(libraries.begin(), libraries.end(), s, k);
   }
 
   void forEachLibrary(const LibraryVisitor &visitor) const {
-    std::unique_lock lock(mutex);
+    std::unique_lock<std::shared_mutex> lock(mutex);
     for (const auto &[_, entry] : libraries) {
       if (!visitor(*entry))
         break;
@@ -299,21 +229,21 @@ class LibraryManager {
   }
 
   bool isLoaded(StringRef path) const {
-    std::unique_lock lock(mutex);
+    std::unique_lock<std::shared_mutex> lock(mutex);
     if (auto it = libraries.find(path.str()); it != libraries.end())
       return it->second->getState() == State::Loaded;
     return false;
   }
 
   bool isQueried(StringRef path) const {
-    std::unique_lock lock(mutex);
+    std::unique_lock<std::shared_mutex> lock(mutex);
     if (auto it = libraries.find(path.str()); it != libraries.end())
       return it->second->getState() == State::Queried;
     return false;
   }
 
   void clear() {
-    std::unique_lock lock(mutex);
+    std::unique_lock<std::shared_mutex> lock(mutex);
     libraries.clear();
   }
 };
@@ -326,6 +256,8 @@ using LibraryInfo = LibraryManager::LibraryInfo;
 /// symbol resolution results through SymbolQuery. Thread-safe and uses
 /// LibraryScanHelper for efficient path resolution and caching.
 class DynamicLoader {
+  friend class LoaderControllerImpl;
+
 public:
   class SymbolEnumerator {
   public:
@@ -371,7 +303,7 @@ class DynamicLoader {
 
     std::vector<StringRef> getUnresolvedSymbols() const {
       std::vector<StringRef> unresolved;
-      std::shared_lock lock(mtx);
+      std::shared_lock<std::shared_mutex> lock(mtx);
       for (const auto &[name, res] : results) {
         if (res.ResolvedLibPath.empty())
           unresolved.push_back(name);
@@ -380,7 +312,7 @@ class DynamicLoader {
     }
 
     void resolve(StringRef symbol, const std::string &libPath) {
-      std::unique_lock lock(mtx);
+      std::unique_lock<std::shared_mutex> lock(mtx);
       auto it = results.find(symbol);
       if (it != results.end() && it->second.ResolvedLibPath.empty()) {
         it->second.ResolvedLibPath = libPath;
@@ -397,7 +329,7 @@ class DynamicLoader {
     }
 
     std::optional<StringRef> getResolvedLib(StringRef symbol) const {
-      std::shared_lock lock(mtx);
+      std::shared_lock<std::shared_mutex> lock(mtx);
       auto it = results.find(symbol);
       if (it != results.end() && !it->second.ResolvedLibPath.empty())
         return StringRef(it->second.ResolvedLibPath);
@@ -405,13 +337,13 @@ class DynamicLoader {
     }
 
     bool isResolved(StringRef symbol) const {
-      std::shared_lock lock(mtx);
+      std::shared_lock<std::shared_mutex> lock(mtx);
       auto it = results.find(symbol.str());
       return it != results.end() && !it->second.ResolvedLibPath.empty();
     }
 
     std::vector<const Result *> getAllResults() const {
-      std::shared_lock lock(mtx);
+      std::shared_lock<std::shared_mutex> lock(mtx);
       std::vector<const Result *> out;
       out.reserve(results.size());
       for (const auto &[_, res] : results)
@@ -480,15 +412,16 @@ class DynamicLoader {
 
   std::shared_ptr<LibraryPathCache> m_cache;
   std::shared_ptr<PathResolver> m_PathResolver;
-  LibraryScanHelper ScanH;
+  LibraryScanHelper m_scanH;
   BloomFilterBuilder FB;
-  LibraryManager LibMgr;
+  LibraryManager m_libMgr;
   LibraryScanner::shouldScanFn m_shouldScan;
   // std::shared_ptr<DylibPathResolver> m_DylibPathResolver;
   bool includeSys;
 };
 
 using SymbolEnumerator = DynamicLoader::SymbolEnumerator;
+using SymbolQuery = DynamicLoader::SymbolQuery;
 using EnumerateResult = SymbolEnumerator::Result;
 
 } // end namespace orc
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index d55f82ed105af..2420ff5c82b38 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -19,6 +19,7 @@
 #include "llvm/ADT/StringRef.h"
 #include "llvm/Support/Error.h"
 
+#include <atomic>
 #include <mutex>
 #include <queue>
 #include <shared_mutex>
@@ -37,12 +38,18 @@ class LibraryPathCache {
 public:
   LibraryPathCache() = default;
 
-  void clear();
+  void clear() {
+    std::unique_lock<std::shared_mutex> lock(m_mutex);
+    m_seen.clear();
+    m_readlinkCache.clear();
+    m_realpathCache.clear();
+    m_lstatCache.clear();
+  }
 
   void markSeen(const std::string &canon_path) { m_seen.insert(canon_path); }
 
   bool hasSeen(StringRef canon_path, bool cache = true) {
-    std::shared_lock lock(m_mutex);
+    std::shared_lock<std::shared_mutex> lock(m_mutex);
     std::string s = canon_path.str();
     if (m_seen.count(s) > 0)
       return true;
@@ -133,9 +140,9 @@ class DylibPathResolver {
   std::optional<std::string> normalizeIfShared(StringRef path);
 };
 
-enum class PathKind { User, System };
+enum class PathKind : uint8_t { User, System, Unknown };
 
-enum class ScanState { NotScanned, Scanning, Scanned };
+enum class ScanState : uint8_t { NotScanned, Scanning, Scanned };
 
 struct LibraryUnit {
   std::string basePath; // Canonical base directory path
@@ -163,8 +170,10 @@ class LibraryScanHelper {
       addBasePath(p);
   }
 
-  void addBasePath(
-      const std::string &path); // Add a canonical directory for scanning
+  void
+  addBasePath(const std::string &path,
+              PathKind Kind =
+                  PathKind::Unknown); // Add a canonical directory for scanning
   std::vector<std::shared_ptr<LibraryUnit>> getNextBatch(PathKind kind,
                                                          size_t batchSize);
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
index 0abff22611bb8..9168af976d993 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
@@ -31,12 +31,13 @@ DynamicLoader::DynamicLoader(const DynamicLoader::Setup &setup)
       m_PathResolver(setup.resolver ? setup.resolver
                                     : std::make_shared<PathResolver>(m_cache)),
       // m_DylibPathResolver(setup.dylibResolver),
-      ScanH(setup.basePaths, m_cache, m_PathResolver), FB(setup.filterBuilder),
-      LibMgr(), m_shouldScan(setup.shouldScan ? setup.shouldScan
-                                              : [](StringRef) { return true; }),
+      m_scanH(setup.basePaths, m_cache, m_PathResolver),
+      FB(setup.filterBuilder), m_libMgr(),
+      m_shouldScan(setup.shouldScan ? setup.shouldScan
+                                    : [](StringRef) { return true; }),
       includeSys(setup.includeSys) {
 
-  if (ScanH.getAllUnits().empty()) {
+  if (m_scanH.getAllUnits().empty()) {
     errs() << "Warning: No base paths provided for scanning.\n";
   }
 }
@@ -206,7 +207,7 @@ void DynamicLoader::searchSymbolsInLibraries(
     dbgs() << "Trying resolve from state=" << static_cast<int>(S)
            << " type=" << static_cast<int>(K) << "\n"; //);
     scanLibrariesIfNeeded(K);
-    for (auto &lib : LibMgr.getView(S, K)) {
+    for (auto &lib : m_libMgr.getView(S, K)) {
       // can use Async here?
       resolveSymbolsInLibrary(*lib, query);
       if (query.allResolved())
@@ -245,7 +246,7 @@ void DynamicLoader::scanLibrariesIfNeeded(LibraryManager::Kind PK) {
   dbgs() << "DynamicLoader::scanLibrariesIfNeeded: Scanning for "
          << (PK == LibraryManager::Kind::User ? "User" : "System")
          << " libraries\n"; //);
-  LibraryScanner Scanner(ScanH, LibMgr, m_shouldScan);
+  LibraryScanner Scanner(m_scanH, m_libMgr, m_shouldScan);
   Scanner.scanNext(PK == LibraryManager::Kind::User ? PathKind::User
                                                     : PathKind::System);
 }
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 75dcabb9a5d42..9c443b8375f77 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -298,7 +298,7 @@ std::optional<std::string> readlinkCached(const std::string &path) {
 
 mode_t PathResolver::lstatCached(const std::string &path) {
   // If already cached - retun cached result
-  std::unique_lock lock(m_mutex);
+  std::unique_lock<std::shared_mutex> lock(m_mutex);
 
   auto &cache = m_cache->m_lstatCache;
 
@@ -317,7 +317,7 @@ mode_t PathResolver::lstatCached(const std::string &path) {
 
 std::optional<std::string>
 PathResolver::readlinkCached(const std::string &path) {
-  std::unique_lock lock(m_mutex);
+  std::unique_lock<std::shared_mutex> lock(m_mutex);
   auto &cache = m_cache->m_readlinkCache;
   // If already cached - retun cached result
   auto it = cache.find(path);
@@ -408,7 +408,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   // If already cached - retun cached result
   bool isRelative = sys::path::is_relative(path);
   {
-    std::shared_lock lock(m_mutex);
+    std::shared_lock<std::shared_mutex> lock(m_mutex);
     auto it = m_cache->m_realpathCache.find(path.str());
     if (it != m_cache->m_realpathCache.end()) {
       ec = it->second.errnoCode;
@@ -470,7 +470,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
       auto symlinkOpt = readlinkCached(resolvedPath);
       if (!symlinkOpt) {
         ec = std::make_error_code(std::errc::no_such_file_or_directory);
-        std::unique_lock lock(m_mutex);
+        std::unique_lock<std::shared_mutex> lock(m_mutex);
         m_cache->m_realpathCache.emplace(path,
                                          LibraryPathCache::PathInfo{"", ec});
         // LLVM_DEBUG(
@@ -489,7 +489,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
           realpathCached(symlink.str(), ec, resolved,
                          /*baseIsResolved=*/true, symloopLevel - 1);
       if (!realSymlink) {
-        std::unique_lock lock(m_mutex);
+        std::unique_lock<std::shared_mutex> lock(m_mutex);
         m_cache->m_realpathCache.emplace(path,
                                          LibraryPathCache::PathInfo{"", ec});
         // LLVM_DEBUG(
@@ -505,7 +505,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
     } else if (st_mode == 0) {
       ec = std::make_error_code(std::errc::no_such_file_or_directory);
-      std::unique_lock lock(m_mutex);
+      std::unique_lock<std::shared_mutex> lock(m_mutex);
       m_cache->m_realpathCache.emplace(path,
                                        LibraryPathCache::PathInfo{"", ec});
       // LLVM_DEBUG(
@@ -520,7 +520,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
   std::string canonical = resolved.str().str();
   {
-    std::unique_lock lock(m_mutex);
+    std::unique_lock<std::shared_mutex> lock(m_mutex);
     m_cache->m_realpathCache.emplace(path, LibraryPathCache::PathInfo{
                                                canonical,
                                                std::error_code() // success
@@ -532,7 +532,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   return canonical;
 }
 
-void LibraryScanHelper::addBasePath(const std::string &path) {
+void LibraryScanHelper::addBasePath(const std::string &path, PathKind kind) {
   std::error_code ec;
   std::string canon = resolveCanonical(path, ec);
   if (ec) {
@@ -541,14 +541,14 @@ void LibraryScanHelper::addBasePath(const std::string &path) {
            << path << "\n"; //);
     return;
   }
-  std::unique_lock lock(m_mutex);
+  std::unique_lock<std::shared_mutex> lock(m_mutex);
   if (m_units.count(canon)) {
     // LLVM_DEBUG(
     dbgs() << "LibraryScanHelper::addBasePath: Already added: " << canon
            << "\n"; //);
     return;
   }
-  PathKind kind = classifyKind(canon);
+  kind = kind == PathKind::Unknown ? classifyKind(canon) : kind;
   auto unit = std::make_shared<LibraryUnit>(canon, kind);
   m_units[canon] = unit;
 
@@ -570,7 +570,7 @@ LibraryScanHelper::getNextBatch(PathKind kind, size_t batchSize) {
   std::vector<std::shared_ptr<LibraryUnit>> result;
   auto &queue = (kind == PathKind::User) ? m_unscannedUsr : m_unscannedSys;
 
-  std::unique_lock lock(m_mutex);
+  std::unique_lock<std::shared_mutex> lock(m_mutex);
 
   while (!queue.empty() && result.size() < batchSize) {
     const std::string &base = queue.front(); // no copy
@@ -594,13 +594,13 @@ bool LibraryScanHelper::isTrackedBasePath(const std::string &path) const {
   if (ec) {
     return false;
   }
-  std::shared_lock lock(m_mutex);
+  std::shared_lock<std::shared_mutex> lock(m_mutex);
   return m_units.count(canon) > 0;
 }
 
 std::vector<std::shared_ptr<LibraryUnit>>
 LibraryScanHelper::getAllUnits() const {
-  std::shared_lock lock(m_mutex);
+  std::shared_lock<std::shared_mutex> lock(m_mutex);
   std::vector<std::shared_ptr<LibraryUnit>> result;
   result.reserve(m_units.size());
   for (const auto &[_, unit] : m_units) {

>From 1016494346f6951f01bb36ba9474c8ee6dd9f8fb Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sun, 13 Jul 2025 15:08:17 +0530
Subject: [PATCH 05/37] Fix window build issue

---
 .../Orc/TargetProcess/LibraryScanner.h        |  12 +-
 .../Orc/TargetProcess/LibraryScanner.cpp      | 104 +++++++++---------
 2 files changed, 56 insertions(+), 60 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 2420ff5c82b38..09150c5779759 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -86,8 +86,10 @@ class PathResolver {
                                      std::error_code &ec) {
     return realpathCached(path, ec);
   }
+#ifndef _WIN32
   mode_t lstatCached(const std::string &path);
   std::optional<std::string> readlinkCached(const std::string &path);
+#endif
   std::optional<std::string> realpathCached(StringRef path, std::error_code &ec,
                                             StringRef base = "",
                                             bool baseIsResolved = false,
@@ -115,15 +117,14 @@ class DylibPathResolver {
 private:
   LibraryScanHelper &m_helper;
 
-  std::optional<std::string> substOne(StringRef path, StringRef pattern,
+  std::string substOne(StringRef path, StringRef pattern,
                                       StringRef replacement);
 
   /// Apply all known loader substitutions to the path
-  std::optional<std::string> substAll(StringRef path, StringRef loaderPath);
+  std::string substAll(StringRef path, StringRef loaderPath);
 
-  std::optional<std::string> tryWithBasePaths(ArrayRef<StringRef> basePaths,
-                                              StringRef stem,
-                                              StringRef loaderPath);
+  std::optional<std::string> tryWithBasePath(StringRef basePath, StringRef stem,
+                                             StringRef loaderPath);
 
   /// Try resolving the path using RPATH, searchPaths, and RUNPATH (in that
   /// order)
@@ -138,6 +139,7 @@ class DylibPathResolver {
                                                StringRef loaderPath);
 
   std::optional<std::string> normalizeIfShared(StringRef path);
+  std::optional<std::string> normalize(StringRef path);
 };
 
 enum class PathKind : uint8_t { User, System, Unknown };
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 9c443b8375f77..47251d3345eaa 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -105,20 +105,19 @@ bool isSharedLibrary(StringRef Path) {
   return false;
 }
 
-std::optional<std::string> DylibPathResolver::substOne(StringRef path,
-                                                       StringRef pattern,
-                                                       StringRef replacement) {
+std::string DylibPathResolver::substOne(StringRef path, StringRef pattern,
+                                        StringRef replacement) {
   if (path.size() < pattern.size() || !path.starts_with_insensitive(pattern))
-    return std::nullopt;
+    return path.str();
 
   SmallString<256> result(replacement);
   result.append(path.drop_front(pattern.size()));
 
-  return normalizeIfShared(result);
+  return result.str().str();
 }
 
-std::optional<std::string> DylibPathResolver::substAll(StringRef original,
-                                                       StringRef loaderPath) {
+std::string DylibPathResolver::substAll(StringRef original,
+                                        StringRef loaderPath) {
 
 #ifdef __APPLE__
   SmallString<256> mainExecutablePath(
@@ -134,12 +133,9 @@ std::optional<std::string> DylibPathResolver::substAll(StringRef original,
   }
 
   // Try @loader_path
-  if (auto path = substOne(original, "@loader_path", loaderDir))
-    return path;
-
+  std::string result_path = substOne(original, "@loader_path", loaderDir);
   // Try @executable_path
-  if (auto path = substOne(original, "@executable_path", mainExecutablePath))
-    return path;
+  return substOne(result_path, "@executable_path", mainExecutablePath);
 
 #else
   SmallString<256> loaderDir;
@@ -151,31 +147,21 @@ std::optional<std::string> DylibPathResolver::substAll(StringRef original,
   sys::path::remove_filename(loaderDir);
 
   // Try $origin
-  if (auto path = substOne(original, "$origin", loaderDir))
-    return path;
+  return substOne(original, "$origin", loaderDir);
 
-    // Optional: handle $lib or $platform later if needed
+  // Optional: handle $lib or $platform later if needed
 #endif
-
-  return std::nullopt;
 }
 
 std::optional<std::string>
-DylibPathResolver::tryWithBasePaths(ArrayRef<StringRef> basePaths,
-                                    StringRef stem, StringRef loaderPath) {
-  for (const auto &base : basePaths) {
-    auto resolvedBaseOpt = substAll(base, loaderPath);
-    if (!resolvedBaseOpt)
-      continue;
+DylibPathResolver::tryWithBasePath(StringRef basePath, StringRef stem,
+                                   StringRef loaderPath) {
+  std::string resolvedBase = substAll(basePath, loaderPath);
 
-    SmallString<256> fullPath(*resolvedBaseOpt);
-    sys::path::append(fullPath, stem);
+  SmallString<256> fullPath(resolvedBase);
+  sys::path::append(fullPath, stem);
 
-    if (auto norm = normalizeIfShared(fullPath)) {
-      return norm;
-    }
-  }
-  return std::nullopt;
+  return normalizeIfShared(fullPath);
 }
 
 std::optional<std::string>
@@ -183,18 +169,22 @@ DylibPathResolver::tryAllPaths(StringRef stem, ArrayRef<StringRef> RPath,
                                ArrayRef<StringRef> RunPath,
                                StringRef loaderPath) {
   // Try RPATH
-  if (auto found = tryWithBasePaths(RPath, stem, loaderPath))
-    return found;
+  for (const auto &rpath : RPath) {
+    if (auto found = tryWithBasePath(rpath, stem, loaderPath))
+      return found;
+  }
 
   // Try search paths (like LD_LIBRARY_PATH or configured)
-  // for (const auto &entry : m_searchPaths) {
-  // TODO.
-  // }
+  for (const auto &entry : m_helper.getAllUnits()) {
+    if (auto found = tryWithBasePath(entry->basePath, stem, loaderPath))
+      return found;
+  }
 
   // Try RUNPATH
-  if (auto found = tryWithBasePaths(RunPath, stem, loaderPath))
-    return found;
-
+  for (const auto &runpath : RunPath) {
+    if (auto found = tryWithBasePath(runpath, stem, loaderPath))
+      return found;
+  }
   return std::nullopt;
 }
 
@@ -215,8 +205,10 @@ std::optional<std::string> DylibPathResolver::tryWithExtensions(
 
   // Optionally try "lib" prefix if not already there
   StringRef filename = sys::path::filename(baseName);
+  StringRef base = sys::path::parent_path(baseName);
+  SmallString<256> withPrefix(base);
   if (!filename.starts_with("lib")) {
-    SmallString<256> withPrefix("lib");
+    withPrefix += "lib";
     withPrefix += filename;
     // Apply extension too
 #if defined(__APPLE__)
@@ -226,7 +218,7 @@ std::optional<std::string> DylibPathResolver::tryWithExtensions(
 #else
     withPrefix += ".so";
 #endif
-    candidates.push_back(withPrefix);
+    candidates.push_back(withPrefix.str());
   }
 
   // Try all variants using tryAllPaths
@@ -238,17 +230,25 @@ std::optional<std::string> DylibPathResolver::tryWithExtensions(
   return std::nullopt;
 }
 
-std::optional<std::string>
-DylibPathResolver::normalizeIfShared(StringRef path) {
+std::optional<std::string> DylibPathResolver::normalize(StringRef path) {
   std::error_code ec;
   auto real = m_helper.getPathResolver().realpathCached(path, ec);
   if (!real || ec)
     return std::nullopt;
 
-  if (!isSharedLibrary(*real))
+  return real;
+}
+
+std::optional<std::string>
+DylibPathResolver::normalizeIfShared(StringRef path) {
+  auto realOpt = normalize(path);
+  if (!realOpt)
     return std::nullopt;
 
-  return real;
+  if (!isSharedLibrary(*realOpt))
+    return std::nullopt;
+
+  return realOpt;
 }
 
 std::optional<std::string>
@@ -265,12 +265,12 @@ DylibPathResolver::resolve(StringRef libStem, SmallVector<StringRef, 2> RPath,
   // On MacOS @rpath is preplaced by all paths in RPATH one by one.
   if (libStem.starts_with_insensitive("@rpath")) {
     for (auto &P : RPath) {
-      if (auto norm = substOne(libStem, "@rpath", P))
+      if (auto norm = normalizeIfShared(substOne(libStem, "@rpath", P)))
         return norm;
     }
   } else {
 #endif
-    if (auto norm = substAll(libStem, libLoader))
+    if (auto norm = normalizeIfShared(substAll(libStem, libLoader)))
       return norm;
 #ifdef __APPLE__
   }
@@ -289,13 +289,7 @@ DylibPathResolver::resolve(StringRef libStem, SmallVector<StringRef, 2> RPath,
   return std::nullopt;
 }
 
-#ifdef _WIN32
-mode_t lstatCached(const std::string &path) { return 0; }
-std::optional<std::string> readlinkCached(const std::string &path) {
-  return std::nullopt;
-}
-#else
-
+#ifndef _WIN32
 mode_t PathResolver::lstatCached(const std::string &path) {
   // If already cached - retun cached result
   std::unique_lock<std::shared_mutex> lock(m_mutex);
@@ -335,7 +329,6 @@ PathResolver::readlinkCached(const std::string &path) {
   }
   return std::nullopt;
 }
-#endif
 
 void createComponent(StringRef Path, StringRef base_path, bool baseIsResolved,
                      SmallVector<StringRef, 16> &component) {
@@ -380,6 +373,7 @@ void normalizePathSegments(SmallVector<StringRef, 16> &pathParts) {
   }
   pathParts.swap(normalizedPath);
 }
+#endif
 
 std::optional<std::string> PathResolver::realpathCached(StringRef path,
                                                         std::error_code &ec,
@@ -430,9 +424,9 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
   // If result not in cache - call system function and cache result
 
+#ifndef _WIN32
   StringRef Separator(sys::path::get_separator());
   SmallString<256> resolved(Separator);
-#ifndef _WIN32
   SmallVector<StringRef, 16> Components;
 
   if (isRelative) {

>From 68aed83b41313a595867890258fe013aceacc079 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sun, 13 Jul 2025 16:16:25 +0530
Subject: [PATCH 06/37] Minor fix related to windows

---
 .../llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h | 6 ++++--
 1 file changed, 4 insertions(+), 2 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 09150c5779759..ee7efc9cc9f71 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -66,10 +66,12 @@ class LibraryPathCache {
     std::error_code errnoCode;
   };
 
-  std::unordered_map<std::string, std::string> m_readlinkCache;
+  std::unordered_set<std::string> m_seen;
   std::unordered_map<std::string, PathInfo> m_realpathCache;
+#ifndef _WIN32
+  std::unordered_map<std::string, std::string> m_readlinkCache;
   std::unordered_map<std::string, mode_t> m_lstatCache;
-  std::unordered_set<std::string> m_seen;
+#endif
 };
 
 /// Resolves file system paths with optional caching of results.

>From 43dde11d60906fa92a8a2c812f2a91db1730c174 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Mon, 14 Jul 2025 17:59:45 +0530
Subject: [PATCH 07/37] Minor logic improvements

---
 .../Orc/TargetProcess/DynamicLoader.h         | 35 +++++---
 .../Orc/TargetProcess/LibraryScanner.h        | 80 +++++++++++--------
 .../Orc/TargetProcess/DynamicLoader.cpp       | 18 +++--
 .../Orc/TargetProcess/LibraryScanner.cpp      | 77 +++++++++---------
 4 files changed, 124 insertions(+), 86 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
index 6492823aa0d56..3cbd5af5f4147 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
@@ -35,14 +35,13 @@ namespace orc {
 class LibraryManager {
 public:
   enum class State : uint8_t { Unloaded = 0, Loaded = 1, Queried = 2 };
-  enum class Kind : uint8_t { User = 0, System = 1 };
 
   class LibraryInfo {
   public:
     LibraryInfo(const LibraryInfo &) = delete;
     LibraryInfo &operator=(const LibraryInfo &) = delete;
 
-    LibraryInfo(std::string filePath, State s, Kind k,
+    LibraryInfo(std::string filePath, State s, PathType k,
                 std::optional<BloomFilter> filter = std::nullopt)
         : filePath(std::move(filePath)), state(s), kind(k),
           filter(std::move(filter)) {}
@@ -81,7 +80,7 @@ class LibraryManager {
     }
 
     State getState() const { return state.load(); }
-    Kind getKind() const { return kind; }
+    PathType getKind() const { return kind; }
 
     void setState(State s) { state.store(s); }
 
@@ -92,7 +91,7 @@ class LibraryManager {
   private:
     std::string filePath;
     std::atomic<State> state;
-    Kind kind;
+    PathType kind;
     std::optional<BloomFilter> filter;
     mutable std::shared_mutex mutex;
   };
@@ -103,7 +102,7 @@ class LibraryManager {
     using Iterator = typename Map::const_iterator;
     class FilterIterator {
     public:
-      FilterIterator(Iterator _it, Iterator _end, State s, Kind k)
+      FilterIterator(Iterator _it, Iterator _end, State s, PathType k)
           : it(_it), end(_end), state(s), kind(k) {
         advance();
       }
@@ -132,9 +131,9 @@ class LibraryManager {
       }
       Iterator it, end;
       State state;
-      Kind kind;
+      PathType kind;
     };
-    FilteredView(Iterator begin, Iterator end, State s, Kind k)
+    FilteredView(Iterator begin, Iterator end, State s, PathType k)
         : begin_(begin), end_(end), state_(s), kind_(k) {}
 
     FilterIterator begin() const {
@@ -148,7 +147,7 @@ class LibraryManager {
   private:
     Iterator begin_, end_;
     State state_;
-    Kind kind_;
+    PathType kind_;
   };
 
 private:
@@ -161,7 +160,7 @@ class LibraryManager {
   LibraryManager() = default;
   ~LibraryManager() = default;
 
-  bool addLibrary(std::string path, Kind kind,
+  bool addLibrary(std::string path, PathType kind,
                   std::optional<BloomFilter> filter = std::nullopt) {
     std::unique_lock<std::shared_mutex> lock(mutex);
     // SmallString<256> nativePath(path);
@@ -215,7 +214,7 @@ class LibraryManager {
     return nullptr;
   }
 
-  FilteredView getView(State s, Kind k) const {
+  FilteredView getView(State s, PathType k) const {
     std::shared_lock<std::shared_mutex> lock(mutex);
     return FilteredView(libraries.begin(), libraries.end(), s, k);
   }
@@ -396,11 +395,24 @@ class DynamicLoader {
 
   using OnSearchComplete = unique_function<void(SymbolQuery &)>;
 
+  void dump() {
+    m_libMgr.forEachLibrary([&](const LibraryInfo &lib) -> bool {
+      dbgs() << ". Library Path : " << lib.getFullPath() << " -> \n\t\t:"
+             << " ({Type : ("
+             << (lib.getKind() == PathType::User ? "User" : "System")
+             << ") }, { State : "
+             << (lib.getState() == LibraryManager::State::Loaded ? "Loaded"
+                                                                 : "Unloaded")
+             << "})\n";
+      return true;
+    });
+  }
+
   void searchSymbolsInLibraries(std::vector<std::string> &symbolNames,
                                 OnSearchComplete callback);
 
 private:
-  void scanLibrariesIfNeeded(LibraryManager::Kind K);
+  void scanLibrariesIfNeeded(PathType K);
   void resolveSymbolsInLibrary(LibraryInfo &library, SymbolQuery &query);
   bool
   symbolExistsInLibrary(const LibraryInfo &library, StringRef symbol,
@@ -416,7 +428,6 @@ class DynamicLoader {
   BloomFilterBuilder FB;
   LibraryManager m_libMgr;
   LibraryScanner::shouldScanFn m_shouldScan;
-  // std::shared_ptr<DylibPathResolver> m_DylibPathResolver;
   bool includeSys;
 };
 
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index ee7efc9cc9f71..4cffc5957ac5e 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -17,6 +17,7 @@
 #include "llvm/ADT/FunctionExtras.h"
 #include "llvm/ADT/SmallVector.h"
 #include "llvm/ADT/StringRef.h"
+#include "llvm/ADT/StringSet.h"
 #include "llvm/Support/Error.h"
 
 #include <atomic>
@@ -41,20 +42,35 @@ class LibraryPathCache {
   void clear() {
     std::unique_lock<std::shared_mutex> lock(m_mutex);
     m_seen.clear();
-    m_readlinkCache.clear();
     m_realpathCache.clear();
+#ifndef _WIN32
+    m_readlinkCache.clear();
     m_lstatCache.clear();
+#endif
   }
 
-  void markSeen(const std::string &canon_path) { m_seen.insert(canon_path); }
+  void markSeen(const std::string &canon_path) {
+    std::unique_lock<std::shared_mutex> lock(m_mutex);
+    m_seen.insert(canon_path);
+  }
 
-  bool hasSeen(StringRef canon_path, bool cache = true) {
+  bool hasSeen(StringRef canon_path) {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
+    return m_seen.contains(canon_path);
+    // return m_seen.count(canon_path) > 0;
+  }
+
+  bool hasSeenOrMark(StringRef canon_path) {
     std::string s = canon_path.str();
-    if (m_seen.count(s) > 0)
-      return true;
-    if (cache)
-      markSeen(s);
+    {
+      std::shared_lock<std::shared_mutex> lock(m_mutex);
+      if (m_seen.contains(s))
+        return true;
+    }
+    {
+      std::unique_lock<std::shared_mutex> lock(m_mutex);
+      m_seen.insert(s);
+    }
     return false;
   }
 
@@ -66,11 +82,11 @@ class LibraryPathCache {
     std::error_code errnoCode;
   };
 
-  std::unordered_set<std::string> m_seen;
-  std::unordered_map<std::string, PathInfo> m_realpathCache;
+  StringSet<> m_seen;
+  StringMap<PathInfo> m_realpathCache;
 #ifndef _WIN32
-  std::unordered_map<std::string, std::string> m_readlinkCache;
-  std::unordered_map<std::string, mode_t> m_lstatCache;
+  StringMap<std::string> m_readlinkCache;
+  StringMap<mode_t> m_lstatCache;
 #endif
 };
 
@@ -84,13 +100,12 @@ class PathResolver {
   PathResolver(std::shared_ptr<LibraryPathCache> cache)
       : m_cache(std::move(cache)) {}
 
-  std::optional<std::string> resolve(const std::string &path,
-                                     std::error_code &ec) {
+  std::optional<std::string> resolve(StringRef path, std::error_code &ec) {
     return realpathCached(path, ec);
   }
 #ifndef _WIN32
-  mode_t lstatCached(const std::string &path);
-  std::optional<std::string> readlinkCached(const std::string &path);
+  mode_t lstatCached(StringRef path);
+  std::optional<std::string> readlinkCached(StringRef path);
 #endif
   std::optional<std::string> realpathCached(StringRef path, std::error_code &ec,
                                             StringRef base = "",
@@ -120,7 +135,7 @@ class DylibPathResolver {
   LibraryScanHelper &m_helper;
 
   std::string substOne(StringRef path, StringRef pattern,
-                                      StringRef replacement);
+                       StringRef replacement);
 
   /// Apply all known loader substitutions to the path
   std::string substAll(StringRef path, StringRef loaderPath);
@@ -144,16 +159,16 @@ class DylibPathResolver {
   std::optional<std::string> normalize(StringRef path);
 };
 
-enum class PathKind : uint8_t { User, System, Unknown };
+enum class PathType : uint8_t { User, System, Unknown };
 
 enum class ScanState : uint8_t { NotScanned, Scanning, Scanned };
 
 struct LibraryUnit {
   std::string basePath; // Canonical base directory path
-  PathKind kind;        // User or System
+  PathType kind;        // User or System
   std::atomic<ScanState> state;
 
-  LibraryUnit(std::string base, PathKind k)
+  LibraryUnit(std::string base, PathType k)
       : basePath(std::move(base)), kind(k), state(ScanState::NotScanned) {}
 };
 
@@ -176,19 +191,23 @@ class LibraryScanHelper {
 
   void
   addBasePath(const std::string &path,
-              PathKind Kind =
-                  PathKind::Unknown); // Add a canonical directory for scanning
-  std::vector<std::shared_ptr<LibraryUnit>> getNextBatch(PathKind kind,
+              PathType Kind =
+                  PathType::Unknown); // Add a canonical directory for scanning
+  std::vector<std::shared_ptr<LibraryUnit>> getNextBatch(PathType kind,
                                                          size_t batchSize);
 
-  bool isTrackedBasePath(const std::string &path) const;
+  bool leftToScan(PathType K) const;
+
+  bool isTrackedBasePath(StringRef path) const;
   std::vector<std::shared_ptr<LibraryUnit>> getAllUnits() const;
 
   PathResolver &getPathResolver() const { return *m_resolver; }
 
   LibraryPathCache &getCache() const { return *m_cache; }
 
-  bool hasSeen(StringRef path) const { return m_cache->hasSeen(path); }
+  bool hasSeenOrMark(StringRef path) const {
+    return m_cache->hasSeenOrMark(path);
+  }
 
   std::optional<std::string> resolve(StringRef path,
                                      std::error_code &ec) const {
@@ -196,17 +215,14 @@ class LibraryScanHelper {
   }
 
 private:
-  std::string resolveCanonical(const std::string &path,
-                               std::error_code &ec) const;
-  PathKind classifyKind(const std::string &path) const;
+  std::string resolveCanonical(StringRef path, std::error_code &ec) const;
+  PathType classifyKind(StringRef path) const;
 
-  mutable std::shared_mutex m_fileMutex;
   mutable std::shared_mutex m_mutex;
   std::shared_ptr<LibraryPathCache> m_cache;
   std::shared_ptr<PathResolver> m_resolver;
 
-  std::unordered_map<std::string, std::shared_ptr<LibraryUnit>>
-      m_units; // key: canonical path
+  StringMap<std::shared_ptr<LibraryUnit>> m_units; // key: canonical path
   std::deque<std::string> m_unscannedUsr;
   std::deque<std::string> m_unscannedSys;
 };
@@ -221,7 +237,7 @@ class LibraryScanner {
       : m_helper(H), m_libMgr(m_libMgr), m_libResolver(DylibPathResolver(H)),
         shouldScanCall(std::move(shouldScanCall)) {}
 
-  void scanNext(PathKind kind, size_t batchSize = 1);
+  void scanNext(PathType kind, size_t batchSize = 1);
 
   struct LibraryDepsInfo {
     std::vector<std::string> storage;
@@ -256,7 +272,7 @@ class LibraryScanner {
   std::optional<std::string> shouldScan(StringRef filePath);
   Expected<LibraryDepsInfo> extractDeps(StringRef filePath);
 
-  void handleLibrary(StringRef path, PathKind K, int level = 1);
+  void handleLibrary(StringRef path, PathType K, int level = 1);
 
   void scanBaseDir(std::shared_ptr<LibraryUnit> unit);
 };
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
index 9168af976d993..94660dcf9fa13 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
@@ -179,6 +179,7 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
   }
 
   const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
+  bool hadAnySym = false;
   for (const auto &symbol : unresolved) {
     if (lib.mayContain(symbol)) {
       // LLVM_DEBUG(
@@ -189,9 +190,14 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
         dbgs() << "  Resolved symbol: " << symbol
                << " in library: " << lib.getFullPath() << "\n"; //);
         unresolvedSymbols.resolve(symbol, lib.getFullPath());
+        hadAnySym = true;
       }
     }
   }
+
+  using LibraryState = LibraryManager::State;
+  if (hadAnySym && lib.getState() != LibraryState::Loaded)
+    lib.setState(LibraryState::Queried);
 }
 
 void DynamicLoader::searchSymbolsInLibraries(
@@ -199,7 +205,7 @@ void DynamicLoader::searchSymbolsInLibraries(
   SymbolQuery query(symbolList);
 
   using LibraryState = LibraryManager::State;
-  using LibraryType = LibraryManager::Kind;
+  using LibraryType = PathType;
   auto tryResolveFrom = [&](LibraryState S, LibraryType K) {
     if (query.allResolved())
       return;
@@ -237,18 +243,18 @@ void DynamicLoader::searchSymbolsInLibraries(
            << "\n";
   //});
 
-  // ProcessLib(query.getResolvedPath());
   onComplete(query);
 }
 
-void DynamicLoader::scanLibrariesIfNeeded(LibraryManager::Kind PK) {
+void DynamicLoader::scanLibrariesIfNeeded(PathType PK) {
   // LLVM_DEBUG(
   dbgs() << "DynamicLoader::scanLibrariesIfNeeded: Scanning for "
-         << (PK == LibraryManager::Kind::User ? "User" : "System")
+         << (PK == PathType::User ? "User" : "System")
          << " libraries\n"; //);
+  if (!m_scanH.leftToScan(PK))
+    return;
   LibraryScanner Scanner(m_scanH, m_libMgr, m_shouldScan);
-  Scanner.scanNext(PK == LibraryManager::Kind::User ? PathKind::User
-                                                    : PathKind::System);
+  Scanner.scanNext(PK);
 }
 
 bool DynamicLoader::symbolExistsInLibrary(
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 47251d3345eaa..56648ed4704f8 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -290,7 +290,7 @@ DylibPathResolver::resolve(StringRef libStem, SmallVector<StringRef, 2> RPath,
 }
 
 #ifndef _WIN32
-mode_t PathResolver::lstatCached(const std::string &path) {
+mode_t PathResolver::lstatCached(StringRef path) {
   // If already cached - retun cached result
   std::unique_lock<std::shared_mutex> lock(m_mutex);
 
@@ -302,15 +302,14 @@ mode_t PathResolver::lstatCached(const std::string &path) {
 
   // Not cached: perform lstat and store
   struct stat buf {};
-  mode_t st_mode = (lstat(path.c_str(), &buf) == -1) ? 0 : buf.st_mode;
+  mode_t st_mode = (lstat(path.str().c_str(), &buf) == -1) ? 0 : buf.st_mode;
 
   cache.insert({path, st_mode});
 
   return st_mode;
 }
 
-std::optional<std::string>
-PathResolver::readlinkCached(const std::string &path) {
+std::optional<std::string> PathResolver::readlinkCached(StringRef path) {
   std::unique_lock<std::shared_mutex> lock(m_mutex);
   auto &cache = m_cache->m_readlinkCache;
   // If already cached - retun cached result
@@ -321,7 +320,7 @@ PathResolver::readlinkCached(const std::string &path) {
   // If result not in cache - call system function and cache result
   char buf[PATH_MAX];
   ssize_t len;
-  if ((len = readlink(path.c_str(), buf, sizeof(buf))) != -1) {
+  if ((len = readlink(path.str().c_str(), buf, sizeof(buf))) != -1) {
     buf[len] = '\0';
     std::string s(buf);
     cache.insert({path, s});
@@ -403,7 +402,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   bool isRelative = sys::path::is_relative(path);
   {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
-    auto it = m_cache->m_realpathCache.find(path.str());
+    auto it = m_cache->m_realpathCache.find(path);
     if (it != m_cache->m_realpathCache.end()) {
       ec = it->second.errnoCode;
       if (ec) {
@@ -465,8 +464,8 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
       if (!symlinkOpt) {
         ec = std::make_error_code(std::errc::no_such_file_or_directory);
         std::unique_lock<std::shared_mutex> lock(m_mutex);
-        m_cache->m_realpathCache.emplace(path,
-                                         LibraryPathCache::PathInfo{"", ec});
+        m_cache->m_realpathCache.insert(
+            {path, LibraryPathCache::PathInfo{"", ec}});
         // LLVM_DEBUG(
         dbgs() << "    Failed to read symlink: " << resolvedPath << "\n"; //);
 
@@ -480,12 +479,12 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
       resolved.resize(oldSize);
 
       auto realSymlink =
-          realpathCached(symlink.str(), ec, resolved,
+          realpathCached(symlink, ec, resolved,
                          /*baseIsResolved=*/true, symloopLevel - 1);
       if (!realSymlink) {
         std::unique_lock<std::shared_mutex> lock(m_mutex);
-        m_cache->m_realpathCache.emplace(path,
-                                         LibraryPathCache::PathInfo{"", ec});
+        m_cache->m_realpathCache.insert(
+            {path, LibraryPathCache::PathInfo{"", ec}});
         // LLVM_DEBUG(
         dbgs() << "    Failed to resolve symlink target: " << symlink
                << "\n"; //);
@@ -500,8 +499,8 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
     } else if (st_mode == 0) {
       ec = std::make_error_code(std::errc::no_such_file_or_directory);
       std::unique_lock<std::shared_mutex> lock(m_mutex);
-      m_cache->m_realpathCache.emplace(path,
-                                       LibraryPathCache::PathInfo{"", ec});
+      m_cache->m_realpathCache.insert(
+          {path, LibraryPathCache::PathInfo{"", ec}});
       // LLVM_DEBUG(
       dbgs() << "    Component does not exist: " << resolvedPath << "\n"; //);
 
@@ -515,10 +514,10 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   std::string canonical = resolved.str().str();
   {
     std::unique_lock<std::shared_mutex> lock(m_mutex);
-    m_cache->m_realpathCache.emplace(path, LibraryPathCache::PathInfo{
+    m_cache->m_realpathCache.insert({path, LibraryPathCache::PathInfo{
                                                canonical,
                                                std::error_code() // success
-                                           });
+                                           }});
   }
   // LLVM_DEBUG(
   dbgs() << "PathResolver::realpathCached: Final resolved: " << path << " => "
@@ -526,7 +525,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   return canonical;
 }
 
-void LibraryScanHelper::addBasePath(const std::string &path, PathKind kind) {
+void LibraryScanHelper::addBasePath(const std::string &path, PathType kind) {
   std::error_code ec;
   std::string canon = resolveCanonical(path, ec);
   if (ec) {
@@ -542,11 +541,11 @@ void LibraryScanHelper::addBasePath(const std::string &path, PathKind kind) {
            << "\n"; //);
     return;
   }
-  kind = kind == PathKind::Unknown ? classifyKind(canon) : kind;
+  kind = kind == PathType::Unknown ? classifyKind(canon) : kind;
   auto unit = std::make_shared<LibraryUnit>(canon, kind);
   m_units[canon] = unit;
 
-  if (kind == PathKind::User) {
+  if (kind == PathType::User) {
     // LLVM_DEBUG(
     dbgs() << "LibraryScanHelper::addBasePath: Added User path: " << canon
            << "\n"; //);
@@ -560,9 +559,9 @@ void LibraryScanHelper::addBasePath(const std::string &path, PathKind kind) {
 }
 
 std::vector<std::shared_ptr<LibraryUnit>>
-LibraryScanHelper::getNextBatch(PathKind kind, size_t batchSize) {
+LibraryScanHelper::getNextBatch(PathType kind, size_t batchSize) {
   std::vector<std::shared_ptr<LibraryUnit>> result;
-  auto &queue = (kind == PathKind::User) ? m_unscannedUsr : m_unscannedSys;
+  auto &queue = (kind == PathType::User) ? m_unscannedUsr : m_unscannedSys;
 
   std::unique_lock<std::shared_mutex> lock(m_mutex);
 
@@ -582,7 +581,7 @@ LibraryScanHelper::getNextBatch(PathKind kind, size_t batchSize) {
   return result;
 }
 
-bool LibraryScanHelper::isTrackedBasePath(const std::string &path) const {
+bool LibraryScanHelper::isTrackedBasePath(StringRef path) const {
   std::error_code ec;
   std::string canon = resolveCanonical(path, ec);
   if (ec) {
@@ -592,6 +591,14 @@ bool LibraryScanHelper::isTrackedBasePath(const std::string &path) const {
   return m_units.count(canon) > 0;
 }
 
+bool LibraryScanHelper::leftToScan(PathType K) const {
+  std::shared_lock<std::shared_mutex> lock(m_mutex);
+  for (const auto &unit : m_units)
+    if (unit.second->kind == K && unit.second->state == ScanState::NotScanned)
+      return true;
+  return false;
+}
+
 std::vector<std::shared_ptr<LibraryUnit>>
 LibraryScanHelper::getAllUnits() const {
   std::shared_lock<std::shared_mutex> lock(m_mutex);
@@ -603,20 +610,20 @@ LibraryScanHelper::getAllUnits() const {
   return result;
 }
 
-std::string LibraryScanHelper::resolveCanonical(const std::string &path,
+std::string LibraryScanHelper::resolveCanonical(StringRef path,
                                                 std::error_code &ec) const {
   auto canon = m_resolver->resolve(path, ec);
-  return ec ? path : *canon;
+  return ec ? path.str() : *canon;
 }
 
-PathKind LibraryScanHelper::classifyKind(const std::string &path) const {
+PathType LibraryScanHelper::classifyKind(StringRef path) const {
   // Detect home directory
   const char *home = getenv("HOME");
   if (home && path.find(home) == 0)
-    return PathKind::User;
+    return PathType::User;
 
   // Standard user install locations
-  static const std::vector<std::string> userPrefixes = {
+  static const std::array<std::string, 5> userPrefixes = {
       "/usr/local",    // often used by users for manual installs
       "/opt/homebrew", // common on macOS M1/M2
       "/opt/local",    // MacPorts
@@ -626,10 +633,10 @@ PathKind LibraryScanHelper::classifyKind(const std::string &path) const {
 
   for (const auto &prefix : userPrefixes) {
     if (path.find(prefix) == 0)
-      return PathKind::User;
+      return PathType::User;
   }
 
-  return PathKind::System;
+  return PathType::System;
 }
 
 Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
@@ -831,7 +838,7 @@ std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
     return std::nullopt;
 
   // [5] Skip if we've already seen this path (via cache)
-  if (m_helper.hasSeen(CanonicalPath))
+  if (m_helper.hasSeenOrMark(CanonicalPath))
     return std::nullopt;
 
   // [6] Already tracked in LibraryManager?
@@ -845,7 +852,7 @@ std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
   return CanonicalPath;
 }
 
-void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
+void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
   // LLVM_DEBUG(
   dbgs() << "LibraryScanner::handleLibrary: Scanning: " << filePath
          << ", level=" << level << "\n"; //);
@@ -877,9 +884,7 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
     return;
   }
 
-  bool added = m_libMgr.addLibrary(
-      CanonicalPath, K == PathKind::User ? LibraryManager::Kind::User
-                                         : LibraryManager::Kind::System);
+  bool added = m_libMgr.addLibrary(CanonicalPath, K);
   if (!added) {
     // LLVM_DEBUG(
     dbgs() << "  Already added: " << CanonicalPath << "\n"; //);
@@ -897,7 +902,7 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathKind K, int level) {
   // Heuristic 2: All RPATH and RUNPATH already tracked
   auto allTracked = [&](const auto &Paths) {
     return std::all_of(Paths.begin(), Paths.end(), [&](StringRef P) {
-      return m_helper.isTrackedBasePath(P.str());
+      return m_helper.isTrackedBasePath(P);
     });
   };
 
@@ -963,11 +968,11 @@ void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
   unit->state.store(ScanState::Scanned);
 }
 
-void LibraryScanner::scanNext(PathKind K, size_t batchSize) {
+void LibraryScanner::scanNext(PathType K, size_t batchSize) {
   // LLVM_DEBUG(
   dbgs() << "LibraryScanner::scanNext: Scanning next batch of size "
          << batchSize << " for kind "
-         << (K == PathKind::User ? "User" : "System") << "\n"; //);
+         << (K == PathType::User ? "User" : "System") << "\n"; //);
 
   auto Units = m_helper.getNextBatch(K, batchSize);
   for (auto &unit : Units) {

>From 453ba29ef2b22caf5ab9551b9eff97842c061aef Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Fri, 18 Jul 2025 14:52:13 +0530
Subject: [PATCH 08/37] Improve dylib path resolver

---
 .../Orc/TargetProcess/DynamicLoader.h         |   3 +-
 .../Orc/TargetProcess/LibraryScanner.h        | 166 +++++++---
 .../Orc/TargetProcess/DynamicLoader.cpp       |  18 +-
 .../Orc/TargetProcess/LibraryScanner.cpp      | 296 ++++++++++--------
 4 files changed, 302 insertions(+), 181 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
index 3cbd5af5f4147..3b51114ee9862 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
@@ -396,8 +396,9 @@ class DynamicLoader {
   using OnSearchComplete = unique_function<void(SymbolQuery &)>;
 
   void dump() {
+    int i = 0;
     m_libMgr.forEachLibrary([&](const LibraryInfo &lib) -> bool {
-      dbgs() << ". Library Path : " << lib.getFullPath() << " -> \n\t\t:"
+      dbgs() << ++i << ". Library Path : " << lib.getFullPath() << " -> \n\t\t:"
              << " ({Type : ("
              << (lib.getKind() == PathType::User ? "User" : "System")
              << ") }, { State : "
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 4cffc5957ac5e..9005eb51944ba 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -20,6 +20,9 @@
 #include "llvm/ADT/StringSet.h"
 #include "llvm/Support/Error.h"
 
+#include "llvm/Support/Allocator.h"
+#include "llvm/Support/StringSaver.h"
+
 #include <atomic>
 #include <mutex>
 #include <queue>
@@ -117,46 +120,128 @@ class PathResolver {
   std::shared_ptr<LibraryPathCache> m_cache;
 };
 
-class LibraryScanHelper;
+class DylibSubstitutor {
+public:
+  void configure(StringRef loaderPath);
+
+  std::string substitute(StringRef input) const {
+    for (const auto &[ph, value] : placeholders_) {
+      if (input.starts_with(ph)) {
+        return (Twine(value) + input.drop_front(ph.size())).str();
+      }
+    }
+    return input.str();
+  }
 
-class DylibPathResolver {
+private:
+  StringMap<std::string> placeholders_;
+};
+
+class DylibPathValidator {
 public:
-  DylibPathResolver(LibraryScanHelper &m_helper) : m_helper(m_helper) {}
+  DylibPathValidator(PathResolver &PR) : m_pathResolver(PR) {}
 
-  /// Resolve a dynamic library path considering RPath, RunPath, and
-  /// substitutions.
-  std::optional<std::string> resolve(StringRef libStem,
-                                     SmallVector<StringRef, 2> RPath = {},
-                                     SmallVector<StringRef, 2> RunPath = {},
-                                     StringRef libLoader = "",
-                                     bool variateLibStem = true);
+  static bool isSharedLibrary(StringRef path);
+
+  std::optional<std::string> normalize(StringRef path) {
+    std::error_code ec;
+    auto real = m_pathResolver.resolve(path, ec);
+    if (!real || ec)
+      return std::nullopt;
+
+    return real;
+  }
+
+  std::optional<std::string> validate(StringRef path) {
+    auto realOpt = normalize(path);
+    if (!realOpt)
+      return std::nullopt;
+
+    if (!isSharedLibrary(*realOpt))
+      return std::nullopt;
+
+    return realOpt;
+  }
 
 private:
-  LibraryScanHelper &m_helper;
+  PathResolver &m_pathResolver;
+};
+
+class SearchPathResolver {
+public:
+  SearchPathResolver(ArrayRef<StringRef> searchPaths,
+                     StringRef placeholderPrefix = "@rpath")
+      : placeholderPrefix(placeholderPrefix) {
+    for (auto &path : searchPaths)
+      paths.emplace_back(path.str());
+  }
 
-  std::string substOne(StringRef path, StringRef pattern,
-                       StringRef replacement);
+  std::optional<std::string> resolve(StringRef stem,
+                                     const DylibSubstitutor &subst,
+                                     DylibPathValidator &validator) const;
 
-  /// Apply all known loader substitutions to the path
-  std::string substAll(StringRef path, StringRef loaderPath);
+private:
+  std::vector<std::string> paths;
+  std::string placeholderPrefix;
+};
 
-  std::optional<std::string> tryWithBasePath(StringRef basePath, StringRef stem,
-                                             StringRef loaderPath);
+class DylibResolverImpl {
+public:
+  DylibResolverImpl(DylibSubstitutor substitutor, DylibPathValidator &validator,
+                    std::vector<SearchPathResolver> resolvers)
+      : substitutor(std::move(substitutor)), validator(validator),
+        resolvers(std::move(resolvers)) {}
 
-  /// Try resolving the path using RPATH, searchPaths, and RUNPATH (in that
-  /// order)
-  std::optional<std::string> tryAllPaths(StringRef stem,
-                                         ArrayRef<StringRef> RPath,
-                                         ArrayRef<StringRef> RunPath,
-                                         StringRef loaderPath);
+  std::optional<std::string> resolve(StringRef stem,
+                                     bool variateLibStem = false) const;
 
-  std::optional<std::string> tryWithExtensions(StringRef baseName,
-                                               ArrayRef<StringRef> RPath,
-                                               ArrayRef<StringRef> RunPath,
-                                               StringRef loaderPath);
+private:
+  std::optional<std::string> tryWithExtensions(StringRef libstem) const;
 
-  std::optional<std::string> normalizeIfShared(StringRef path);
-  std::optional<std::string> normalize(StringRef path);
+  DylibSubstitutor substitutor;
+  DylibPathValidator &validator;
+  std::vector<SearchPathResolver> resolvers;
+};
+
+class DylibResolver {
+public:
+  DylibResolver(DylibPathValidator &validator) : validator(validator) {}
+
+  void configure(StringRef loaderPath, ArrayRef<StringRef> rpaths,
+                 ArrayRef<StringRef> runpaths) {
+    DylibSubstitutor substitutor;
+    substitutor.configure(loaderPath);
+
+    std::vector<SearchPathResolver> resolvers;
+    if (!rpaths.empty())
+      resolvers.emplace_back(rpaths, "@rpath");
+    if (!runpaths.empty())
+      resolvers.emplace_back(runpaths, "@rpath"); // still usually @rpath
+
+    impl_ = std::make_unique<DylibResolverImpl>(
+        std::move(substitutor), validator, std::move(resolvers));
+  }
+
+  std::optional<std::string> resolve(StringRef libStem,
+                                     bool variateLibStem = false) const {
+    if (!impl_)
+      return std::nullopt;
+    return impl_->resolve(libStem, variateLibStem);
+  }
+
+  static std::string resolvelinkerFlag(StringRef libStem,
+                                       StringRef loaderPath) {
+    // StringRef rpath("@rpath");
+    // if (libStem.starts_with(rpath))
+    //   return libStem.drop_front(rpath.size()).str();
+    DylibSubstitutor substitutor;
+    substitutor.configure(loaderPath);
+    return substitutor.substitute(libStem);
+  }
+
+private:
+  DylibPathValidator &validator;
+  std::unique_ptr<DylibResolverImpl> impl_;
 };
 
 enum class PathType : uint8_t { User, System, Unknown };
@@ -234,39 +319,32 @@ class LibraryScanner {
   LibraryScanner(
       LibraryScanHelper &H, LibraryManager &m_libMgr,
       shouldScanFn shouldScanCall = [](StringRef path) { return true; })
-      : m_helper(H), m_libMgr(m_libMgr), m_libResolver(DylibPathResolver(H)),
+      : m_helper(H), m_libMgr(m_libMgr),
+        // m_libResolver(DylibPathResolver(H)),
         shouldScanCall(std::move(shouldScanCall)) {}
 
   void scanNext(PathType kind, size_t batchSize = 1);
 
   struct LibraryDepsInfo {
-    std::vector<std::string> storage;
+    llvm::BumpPtrAllocator Alloc;
+    llvm::StringSaver Saver{Alloc};
 
     SmallVector<StringRef, 2> rpath;
     SmallVector<StringRef, 2> runPath;
     SmallVector<StringRef, 4> deps;
     bool isPIE = false;
 
-    void addRPath(StringRef s) {
-      storage.emplace_back(s);
-      rpath.push_back(storage.back());
-    }
+    void addRPath(StringRef s) { rpath.push_back(Saver.save(s)); }
 
-    void addRunPath(StringRef s) {
-      storage.emplace_back(s);
-      runPath.push_back(storage.back());
-    }
+    void addRunPath(StringRef s) { runPath.push_back(Saver.save(s)); }
 
-    void addDep(StringRef s) {
-      storage.emplace_back(s);
-      deps.push_back(storage.back());
-    }
+    void addDep(StringRef s) { deps.push_back(Saver.save(s)); }
   };
 
 private:
   LibraryScanHelper &m_helper;
   LibraryManager &m_libMgr;
-  DylibPathResolver m_libResolver;
+  // DylibPathResolver m_libResolver;
   shouldScanFn shouldScanCall;
 
   std::optional<std::string> shouldScan(StringRef filePath);
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
index 94660dcf9fa13..3a6810d23bfaf 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
@@ -134,6 +134,9 @@ bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
 
 void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
                                             SymbolQuery &unresolvedSymbols) {
+  // LLVM_DEBUG(
+  dbgs() << "Checking unresolved symbols "
+         << " in library : " << lib.getFileName() << "\n"; //);
   std::unordered_set<std::string> discoveredSymbols;
   bool hasEnumerated = false;
 
@@ -167,7 +170,17 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
     // );
     return;
   }
+
   enumerateSymbolsIfNeeded();
+
+  if (discoveredSymbols.empty()) {
+    // LLVM_DEBUG(
+    dbgs() << "  No symbols and remove library : " << lib.getFullPath()
+           << "\n"; //);
+    m_libMgr.removeLibrary(lib.getFullPath());
+    return;
+  }
+
   if (!lib.hasFilter()) {
     // LLVM_DEBUG(
     dbgs() << "Building filter for library: " << lib.getFullPath() << "\n"; //);
@@ -180,6 +193,8 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
 
   const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
   bool hadAnySym = false;
+  // LLVM_DEBUG(
+  dbgs() << "Total unresolved symbols : " << unresolved.size() << "\n"; //);
   for (const auto &symbol : unresolved) {
     if (lib.mayContain(symbol)) {
       // LLVM_DEBUG(
@@ -249,8 +264,7 @@ void DynamicLoader::searchSymbolsInLibraries(
 void DynamicLoader::scanLibrariesIfNeeded(PathType PK) {
   // LLVM_DEBUG(
   dbgs() << "DynamicLoader::scanLibrariesIfNeeded: Scanning for "
-         << (PK == PathType::User ? "User" : "System")
-         << " libraries\n"; //);
+         << (PK == PathType::User ? "User" : "System") << " libraries\n"; //);
   if (!m_scanH.leftToScan(PK))
     return;
   LibraryScanner Scanner(m_scanH, m_libMgr, m_shouldScan);
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 56648ed4704f8..4e110c4ed9880 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -54,7 +54,7 @@ bool isELFSharedLibrary(const object::ELFFile<ELFT> &ELFObj) {
   return ELFObj.getHeader().e_type == ELF::ET_DYN;
 }
 
-bool isSharedLibrary(StringRef Path) {
+bool DylibPathValidator::isSharedLibrary(StringRef Path) {
   if (isLibraryFile(Path))
     return true;
 
@@ -105,107 +105,64 @@ bool isSharedLibrary(StringRef Path) {
   return false;
 }
 
-std::string DylibPathResolver::substOne(StringRef path, StringRef pattern,
-                                        StringRef replacement) {
-  if (path.size() < pattern.size() || !path.starts_with_insensitive(pattern))
-    return path.str();
+void DylibSubstitutor::configure(StringRef loaderPath) {
+  SmallString<512> execPath(sys::fs::getMainExecutable(nullptr, nullptr));
+  sys::path::remove_filename(execPath);
 
-  SmallString<256> result(replacement);
-  result.append(path.drop_front(pattern.size()));
-
-  return result.str().str();
-}
-
-std::string DylibPathResolver::substAll(StringRef original,
-                                        StringRef loaderPath) {
-
-#ifdef __APPLE__
-  SmallString<256> mainExecutablePath(
-      sys::fs::getMainExecutable(nullptr, nullptr));
-  sys::path::remove_filename(mainExecutablePath);
-
-  SmallString<256> loaderDir;
-  if (loaderPath.empty())
-    loaderDir = mainExecutablePath;
-  else {
-    loaderDir = loaderPath;
+  SmallString<512> loaderDir;
+  if (loaderPath.empty()) {
+    loaderDir = execPath;
+  } else {
+    loaderDir = loaderPath.str();
     sys::path::remove_filename(loaderDir);
   }
 
-  // Try @loader_path
-  std::string result_path = substOne(original, "@loader_path", loaderDir);
-  // Try @executable_path
-  return substOne(result_path, "@executable_path", mainExecutablePath);
-
+#ifdef __APPLE__
+  placeholders_["@loader_path"] = std::string(loaderDir);
+  placeholders_["@executable_path"] = std::string(execPath);
 #else
-  SmallString<256> loaderDir;
-  if (loaderPath.empty())
-    loaderDir = sys::fs::getMainExecutable(nullptr, nullptr);
-  else
-    loaderDir = loaderPath;
-
-  sys::path::remove_filename(loaderDir);
-
-  // Try $origin
-  return substOne(original, "$origin", loaderDir);
-
-  // Optional: handle $lib or $platform later if needed
+  placeholders_["$origin"] = std::string(loaderDir);
 #endif
 }
 
 std::optional<std::string>
-DylibPathResolver::tryWithBasePath(StringRef basePath, StringRef stem,
-                                   StringRef loaderPath) {
-  std::string resolvedBase = substAll(basePath, loaderPath);
-
-  SmallString<256> fullPath(resolvedBase);
-  sys::path::append(fullPath, stem);
+SearchPathResolver::resolve(StringRef stem, const DylibSubstitutor &subst,
+                            DylibPathValidator &validator) const {
+  for (const auto &searchPath : paths) {
+    std::string base = subst.substitute(searchPath);
 
-  return normalizeIfShared(fullPath);
-}
+    SmallString<512> fullPath(base);
+    if (stem.starts_with(placeholderPrefix))
+      fullPath.append(stem.drop_front(placeholderPrefix.size()));
+    else
+      sys::path::append(fullPath, stem);
 
-std::optional<std::string>
-DylibPathResolver::tryAllPaths(StringRef stem, ArrayRef<StringRef> RPath,
-                               ArrayRef<StringRef> RunPath,
-                               StringRef loaderPath) {
-  // Try RPATH
-  for (const auto &rpath : RPath) {
-    if (auto found = tryWithBasePath(rpath, stem, loaderPath))
-      return found;
-  }
-
-  // Try search paths (like LD_LIBRARY_PATH or configured)
-  for (const auto &entry : m_helper.getAllUnits()) {
-    if (auto found = tryWithBasePath(entry->basePath, stem, loaderPath))
-      return found;
+    if (auto valid = validator.validate(fullPath.str()))
+      return valid;
   }
 
-  // Try RUNPATH
-  for (const auto &runpath : RunPath) {
-    if (auto found = tryWithBasePath(runpath, stem, loaderPath))
-      return found;
-  }
   return std::nullopt;
 }
 
-std::optional<std::string> DylibPathResolver::tryWithExtensions(
-    StringRef baseName, ArrayRef<StringRef> RPath, ArrayRef<StringRef> RunPath,
-    StringRef loaderPath) {
+std::optional<std::string>
+DylibResolverImpl::tryWithExtensions(StringRef libStem) const {
+  // LLVM_DEBUG(
+  dbgs() << "tryWithExtensions: baseName = " << libStem << "\n"; //);
   SmallVector<StringRef, 4> candidates;
-  candidates.push_back(baseName); // original
+  candidates.push_back(libStem); // original
 
   // Add extensions by platform
 #if defined(__APPLE__)
-  candidates.push_back(baseName.str() + ".dylib");
+  candidates.push_back(libStem.str() + ".dylib");
 #elif defined(_WIN32)
-  candidates.push_back(baseName.str() + ".dll");
+  candidates.push_back(libStem.str() + ".dll");
 #else
-  candidates.push_back(baseName.str() + ".so");
+  candidates.push_back(libStem.str() + ".so");
 #endif
 
   // Optionally try "lib" prefix if not already there
-  StringRef filename = sys::path::filename(baseName);
-  StringRef base = sys::path::parent_path(baseName);
+  StringRef filename = sys::path::filename(libStem);
+  StringRef base = sys::path::parent_path(libStem);
   SmallString<256> withPrefix(base);
   if (!filename.starts_with("lib")) {
     withPrefix += "lib";
@@ -221,71 +178,77 @@ std::optional<std::string> DylibPathResolver::tryWithExtensions(
     candidates.push_back(withPrefix.str());
   }
 
+  // LLVM_DEBUG({
+  dbgs() << "  Candidates to try:\n";
+  for (const auto &C : candidates)
+    dbgs() << "    " << C << "\n";
+  // });
+
   // Try all variants using tryAllPaths
   for (const auto &name : candidates) {
-    if (auto found = tryAllPaths(name, RPath, RunPath, loaderPath))
-      return found;
-  }
-
-  return std::nullopt;
-}
 
-std::optional<std::string> DylibPathResolver::normalize(StringRef path) {
-  std::error_code ec;
-  auto real = m_helper.getPathResolver().realpathCached(path, ec);
-  if (!real || ec)
-    return std::nullopt;
-
-  return real;
-}
+    // LLVM_DEBUG(
+    dbgs() << "  Trying candidate: " << name << "\n"; //);
 
-std::optional<std::string>
-DylibPathResolver::normalizeIfShared(StringRef path) {
-  auto realOpt = normalize(path);
-  if (!realOpt)
-    return std::nullopt;
+    for (const auto &resolver : resolvers) {
+      if (auto result = resolver.resolve(libStem, substitutor, validator))
+        return result;
+    }
+  }
 
-  if (!isSharedLibrary(*realOpt))
-    return std::nullopt;
+  // LLVM_DEBUG(
+  dbgs() << "  -> No candidate resolved.\n"; //);
 
-  return realOpt;
+  return std::nullopt;
 }
 
 std::optional<std::string>
-DylibPathResolver::resolve(StringRef libStem, SmallVector<StringRef, 2> RPath,
-                           SmallVector<StringRef, 2> RunPath,
-                           StringRef libLoader, bool variateLibStem) {
+DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
+  // LLVM_DEBUG(
+  dbgs() << "Resolving library stem: " << libStem << "\n"; //);
+
   // If it is an absolute path, don't try iterate over the paths.
   if (sys::path::is_absolute(libStem)) {
-    return normalizeIfShared(libStem);
+    // LLVM_DEBUG(
+    dbgs() << "  -> Absolute path detected.\n"; //);
+    return validator.validate(libStem);
   }
 
-  // Subst all known linker variables ($origin, @rpath, etc.)
-#ifdef __APPLE__
-  // On MacOS @rpath is preplaced by all paths in RPATH one by one.
-  if (libStem.starts_with_insensitive("@rpath")) {
-    for (auto &P : RPath) {
-      if (auto norm = normalizeIfShared(substOne(libStem, "@rpath", P)))
-        return norm;
+  if (!libStem.starts_with("@rpath")) {
+    if (auto norm = validator.validate(substitutor.substitute(libStem))) {
+      // LLVM_DEBUG(
+      dbgs() << "  -> Resolved after substitution: " << *norm << "\n"; //);
+
+      return norm;
     }
   } else {
-#endif
-    if (auto norm = normalizeIfShared(substAll(libStem, libLoader)))
-      return norm;
-#ifdef __APPLE__
-  }
-#endif
+    for (const auto &resolver : resolvers) {
+      if (auto result = resolver.resolve(libStem, substitutor, validator)) {
+        //  LLVM_DEBUG(
+        dbgs() << "  -> Resolved via search path: " << *result << "\n"; //);
 
+        return result;
+      }
+    }
+  }
   // Expand libStem with paths, extensions, etc.
   // std::string foundName;
   if (variateLibStem) {
-    if (auto norm = tryWithExtensions(libStem, RPath, RunPath, libLoader))
-      return norm;
-  } else {
-    if (auto norm = tryAllPaths(libStem, RPath, RunPath, libLoader))
+    // LLVM_DEBUG(
+    dbgs() << "  -> Trying with extensions...\n"; //);
+
+    if (auto norm = tryWithExtensions(libStem)) {
+      // LLVM_DEBUG(
+      dbgs() << "  -> Resolved via tryWithExtensions: " << *norm << "\n";
+      //);
+
       return norm;
+    }
   }
 
+  // LLVM_DEBUG(
+  dbgs() << "  -> Could not resolve: " << libStem << "\n"; //);
+
   return std::nullopt;
 }
 
@@ -423,9 +386,9 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
   // If result not in cache - call system function and cache result
 
-#ifndef _WIN32
   StringRef Separator(sys::path::get_separator());
   SmallString<256> resolved(Separator);
+#ifndef _WIN32
   SmallVector<StringRef, 16> Components;
 
   if (isRelative) {
@@ -641,11 +604,16 @@ PathType LibraryScanHelper::classifyKind(StringRef path) const {
 
 Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
   LibraryDepsInfo libdeps;
+  // LLVM_DEBUG(
+  dbgs() << "Parsing Mach-O dependencies...\n"; //);
   for (const auto &Command : Obj.load_commands()) {
     switch (Command.C.cmd) {
     case MachO::LC_LOAD_DYLIB: {
       MachO::dylib_command dylibCmd = Obj.getDylibIDLoadCommand(Command);
-      libdeps.addDep(Command.Ptr + dylibCmd.dylib.name);
+      const char *name = Command.Ptr + dylibCmd.dylib.name;
+      libdeps.addDep(name);
+      // LLVM_DEBUG(
+      dbgs() << "  Found LC_LOAD_DYLIB: " << name << "\n"; //);
     } break;
     case MachO::LC_LOAD_WEAK_DYLIB:
     case MachO::LC_REEXPORT_DYLIB:
@@ -656,13 +624,18 @@ Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
       // Extract RPATH
       MachO::rpath_command rpathCmd = Obj.getRpathCommand(Command);
       const char *rpath = Command.Ptr + rpathCmd.path;
+      // LLVM_DEBUG(
+      dbgs() << "  Found LC_RPATH: " << rpath << "\n"; //);
 
       SmallVector<StringRef, 4> RawPaths;
       SplitString(StringRef(rpath), RawPaths,
                   sys::EnvPathSeparator == ':' ? ":" : ";");
 
-      for (const auto &raw : RawPaths)
+      for (const auto &raw : RawPaths) {
         libdeps.addRPath(raw.str()); // Convert to std::string
+                                     // LLVM_DEBUG(
+        dbgs() << "    Parsed RPATH entry: " << raw << "\n"; //);
+      }
       break;
     }
     }
@@ -807,6 +780,7 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
     dbgs() << "extractDeps: File " << filePath << " is a Mach-O object\n"; //);
     return parseMachODeps(*macho);
   }
+
   // LLVM_DEBUG(
   dbgs() << "extractDeps: Unsupported binary format for file " << filePath
          << "\n"; //);
@@ -818,37 +792,72 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
 std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
   std::error_code EC;
 
+  // LLVM_DEBUG(
+  dbgs() << "[shouldScan] Checking: " << filePath << "\n"; //);
+
   // [1] Check file existence early
-  if (!sys::fs::exists(filePath))
+  if (!sys::fs::exists(filePath)) {
+    // LLVM_DEBUG(
+    dbgs() << "  -> Skipped: file does not exist.\n"; //);
+
     return std::nullopt;
+  }
 
   // [2] Resolve to canonical path
   auto CanonicalPathOpt = m_helper.resolve(filePath, EC);
-  if (EC || !CanonicalPathOpt)
+  if (EC || !CanonicalPathOpt) {
+    // LLVM_DEBUG(
+    dbgs() << "  -> Skipped: failed to resolve path (EC=" << EC.message()
+           << ").\n"; //);
+
     return std::nullopt;
+  }
 
   const std::string &CanonicalPath = *CanonicalPathOpt;
+  LLVM_DEBUG(dbgs() << "  -> Canonical path: " << CanonicalPath << "\n");
 
   // [3] Check if it's a directory — skip directories
-  if (sys::fs::is_directory(CanonicalPath))
+  if (sys::fs::is_directory(CanonicalPath)) {
+    // LLVM_DEBUG(
+    dbgs() << "  -> Skipped: path is a directory.\n"; //);
+
     return std::nullopt;
+  }
 
   // [4] Skip if it's not a shared library.
-  if (!isSharedLibrary(CanonicalPath))
+  if (!DylibPathValidator::isSharedLibrary(CanonicalPath)) {
+    // LLVM_DEBUG(
+    dbgs() << "  -> Skipped: not a shared library.\n"; //);
+
     return std::nullopt;
+  }
 
   // [5] Skip if we've already seen this path (via cache)
-  if (m_helper.hasSeenOrMark(CanonicalPath))
+  if (m_helper.hasSeenOrMark(CanonicalPath)) {
+    // LLVM_DEBUG(
+    dbgs() << "  -> Skipped: already seen.\n"; //);
+
     return std::nullopt;
+  }
 
   // [6] Already tracked in LibraryManager?
-  if (m_libMgr.hasLibrary(CanonicalPath))
+  if (m_libMgr.hasLibrary(CanonicalPath)) {
+    // LLVM_DEBUG(
+    dbgs() << "  -> Skipped: already tracked by LibraryManager.\n"; //);
+
     return std::nullopt;
+  }
 
   // [7] Run user-defined hook (default: always true)
-  if (!shouldScanCall(CanonicalPath))
+  if (!shouldScanCall(CanonicalPath)) {
+    // LLVM_DEBUG(
+    dbgs() << "  -> Skipped: user-defined hook rejected.\n"; //);
+
     return std::nullopt;
+  }
 
+  // LLVM_DEBUG(
+  dbgs() << "  -> Accepted: ready to scan " << CanonicalPath << "\n"; //);
   return CanonicalPath;
 }
 
@@ -876,6 +885,18 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
 
   LibraryDepsInfo &Deps = *DepsOrErr;
 
+  // LLVM_DEBUG({
+  dbgs() << "    Found deps : \n";
+  for (const auto &dep : Deps.deps)
+    dbgs() << "        : " << dep << "\n";
+  dbgs() << "    Found @rpath : " << Deps.rpath.size() << "\n";
+  for (const auto &r : Deps.rpath)
+    dbgs() << "     : " << r << "\n";
+  dbgs() << "    Found @runpath : \n";
+  for (const auto &r : Deps.runPath)
+    dbgs() << "     : " << r << "\n";
+  // });
+
   if (Deps.isPIE && level == 0) {
     // LLVM_DEBUG(
     dbgs() << "  Skipped PIE executable at top level: " << CanonicalPath
@@ -888,9 +909,9 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
   if (!added) {
     // LLVM_DEBUG(
     dbgs() << "  Already added: " << CanonicalPath << "\n"; //);
-
     return;
   }
+
   // Heuristic 1: No RPATH/RUNPATH, skip deps
   if (Deps.rpath.empty() && Deps.runPath.empty()) {
     // LLVM_DEBUG(
@@ -901,8 +922,13 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
 
   // Heuristic 2: All RPATH and RUNPATH already tracked
   auto allTracked = [&](const auto &Paths) {
+    // LLVM_DEBUG(
+    dbgs() << "   Checking : " << Paths.size() << "\n"; //);
     return std::all_of(Paths.begin(), Paths.end(), [&](StringRef P) {
-      return m_helper.isTrackedBasePath(P);
+      // LLVM_DEBUG(
+      dbgs() << "      Checking isTrackedBasePath : " << P << "\n"; //);
+      return m_helper.isTrackedBasePath(
+          DylibResolver::resolvelinkerFlag(P, CanonicalPath));
     });
   };
 
@@ -913,11 +939,13 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
     return;
   }
 
+  DylibPathValidator validator(m_helper.getPathResolver());
+  DylibResolver m_libResolver(validator);
+  m_libResolver.configure(CanonicalPath, Deps.rpath, Deps.runPath);
   for (StringRef dep : Deps.deps) {
     // LLVM_DEBUG(
     dbgs() << "  Resolving dep: " << dep << "\n"; //);
-    auto dep_fullopt = m_libResolver.resolve(dep, Deps.rpath, Deps.runPath,
-                                             CanonicalPath, false);
+    auto dep_fullopt = m_libResolver.resolve(dep);
     if (!dep_fullopt) {
       // LLVM_DEBUG(
       dbgs() << "    Failed to resolve dep: " << dep << "\n"; //);

>From b3add19d2912df21827a1b501322c640da6c8a07 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sat, 19 Jul 2025 11:51:19 +0530
Subject: [PATCH 09/37] Improve search logic with policy integration

---
 .../Orc/TargetProcess/DynamicLoader.h         | 49 ++++++++++++--
 .../Orc/TargetProcess/DynamicLoader.cpp       | 64 ++++++++++++++-----
 2 files changed, 93 insertions(+), 20 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
index 3b51114ee9862..5d11eed41ece4 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
@@ -249,6 +249,24 @@ class LibraryManager {
 
 using LibraryInfo = LibraryManager::LibraryInfo;
 
+struct SearchPlanEntry {
+  LibraryManager::State state; // Loaded, Queried, Unloaded
+  PathType type;               // User, System
+};
+
+struct SearchPolicy {
+  std::vector<SearchPlanEntry> plan;
+
+  static SearchPolicy defaultPlan() {
+    return {{{LibraryManager::State::Loaded, PathType::User},
+             {LibraryManager::State::Queried, PathType::User},
+             {LibraryManager::State::Unloaded, PathType::User},
+             {LibraryManager::State::Loaded, PathType::System},
+             {LibraryManager::State::Queried, PathType::System},
+             {LibraryManager::State::Unloaded, PathType::System}}};
+  }
+};
+
 /// Scans libraries and resolves symbols across user and system paths.
 ///
 /// Supports symbol enumeration and filtering via SymbolEnumerator, and tracks
@@ -355,7 +373,6 @@ class DynamicLoader {
     std::vector<std::string> basePaths;
     std::shared_ptr<LibraryPathCache> cache;
     std::shared_ptr<PathResolver> resolver;
-    // std::shared_ptr<DylibPathResolver> dylibResolver;
 
     bool includeSys = false;
 
@@ -380,8 +397,6 @@ class DynamicLoader {
                            ? existingResolver
                            : std::make_shared<PathResolver>(setup.cache);
 
-      // setup.dylibResolver = std::move(existingDylibResolver);
-
       if (customShouldScan)
         setup.shouldScan = std::move(customShouldScan);
 
@@ -409,8 +424,9 @@ class DynamicLoader {
     });
   }
 
-  void searchSymbolsInLibraries(std::vector<std::string> &symbolNames,
-                                OnSearchComplete callback);
+  void searchSymbolsInLibraries(
+      std::vector<std::string> &symbolNames, OnSearchComplete callback,
+      const SearchPolicy &policy = SearchPolicy::defaultPlan());
 
 private:
   void scanLibrariesIfNeeded(PathType K);
@@ -436,6 +452,29 @@ using SymbolEnumerator = DynamicLoader::SymbolEnumerator;
 using SymbolQuery = DynamicLoader::SymbolQuery;
 using EnumerateResult = SymbolEnumerator::Result;
 
+class LoaderControllerImpl {
+public:
+  static std::unique_ptr<LoaderControllerImpl>
+  create(const DynamicLoader::Setup &setup);
+
+  void addScanPath(const std::string &path, PathType Kind);
+  bool markLibraryLoaded(StringRef path);
+  bool markLibraryUnLoaded(StringRef path);
+  void resolveSymbols(std::vector<std::string> symbols,
+                      DynamicLoader::OnSearchComplete OnCompletion,
+                      const SearchPolicy &policy = SearchPolicy::defaultPlan());
+
+  ~LoaderControllerImpl() = default;
+
+private:
+  LoaderControllerImpl(std::unique_ptr<DynamicLoader> loader)
+      : Loader(std::move(loader)) {}
+
+  std::unique_ptr<DynamicLoader> Loader;
+  // std::function<void(const std::string &, LibraryManager::State)>
+  // onStateChange;
+};
+
 } // end namespace orc
 } // end namespace llvm
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
index 3a6810d23bfaf..c8d3abdeb80dd 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
@@ -30,7 +30,6 @@ DynamicLoader::DynamicLoader(const DynamicLoader::Setup &setup)
     : m_cache(setup.cache ? setup.cache : std::make_shared<LibraryPathCache>()),
       m_PathResolver(setup.resolver ? setup.resolver
                                     : std::make_shared<PathResolver>(m_cache)),
-      // m_DylibPathResolver(setup.dylibResolver),
       m_scanH(setup.basePaths, m_cache, m_PathResolver),
       FB(setup.filterBuilder), m_libMgr(),
       m_shouldScan(setup.shouldScan ? setup.shouldScan
@@ -42,6 +41,48 @@ DynamicLoader::DynamicLoader(const DynamicLoader::Setup &setup)
   }
 }
 
+std::unique_ptr<LoaderControllerImpl>
+LoaderControllerImpl::create(const DynamicLoader::Setup &setup) {
+  auto loader = std::make_unique<DynamicLoader>(setup);
+  return std::unique_ptr<LoaderControllerImpl>(
+      new LoaderControllerImpl(std::move(loader)));
+}
+
+void LoaderControllerImpl::addScanPath(const std::string &path, PathType kind) {
+  Loader->m_scanH.addBasePath(path, kind);
+}
+
+bool LoaderControllerImpl::markLibraryLoaded(StringRef path) {
+  auto lib = Loader->m_libMgr.getLibrary(path);
+  if (!lib)
+    return false;
+
+  lib->setState(LibraryManager::State::Loaded);
+  // lib->setNativeHandle(handle);
+
+  // if (onStateChange)
+  //   onStateChange(path.str(), LibraryManager::State::Loaded);
+  return true;
+}
+
+bool LoaderControllerImpl::markLibraryUnLoaded(StringRef path) {
+  auto lib = Loader->m_libMgr.getLibrary(path);
+  if (!lib)
+    return false;
+
+  lib->setState(LibraryManager::State::Unloaded);
+
+  // if (onStateChange)
+  //   onStateChange(path.str(), LibraryManager::State::Unloaded);
+  return true;
+}
+
+void LoaderControllerImpl::resolveSymbols(
+    std::vector<std::string> symbols,
+    DynamicLoader::OnSearchComplete OnCompletion, const SearchPolicy &policy) {
+  Loader->searchSymbolsInLibraries(symbols, std::move(OnCompletion), policy);
+}
+
 static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
                                uint32_t IgnoreFlags) {
   Expected<uint32_t> FlagsOrErr = Sym.getFlags();
@@ -216,7 +257,8 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
 }
 
 void DynamicLoader::searchSymbolsInLibraries(
-    std::vector<std::string> &symbolList, OnSearchComplete onComplete) {
+    std::vector<std::string> &symbolList, OnSearchComplete onComplete,
+    const SearchPolicy &policy) {
   SymbolQuery query(symbolList);
 
   using LibraryState = LibraryManager::State;
@@ -236,21 +278,13 @@ void DynamicLoader::searchSymbolsInLibraries(
     }
   };
 
-  static constexpr LibraryState kStates[] = {
-      LibraryState::Loaded, LibraryState::Queried, LibraryState::Unloaded};
-
-  static constexpr LibraryType kTypes[] = {LibraryType::User,
-                                           LibraryType::System};
-
-  for (auto type : kTypes) {
-    for (auto state : kStates) {
-      tryResolveFrom(state, type);
-      if (query.allResolved())
-        goto done;
-    }
+  for (const auto &[state, type] : policy.plan) {
+    tryResolveFrom(state, type);
+    if (query.allResolved())
+      break;
   }
 
-done:
+// done:
   // LLVM_DEBUG({
   dbgs() << "Search complete.\n";
   for (const auto &r : query.getAllResults())

>From da574e1393fb147709bdb3c854602f78f8df9388 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sat, 19 Jul 2025 17:33:36 +0530
Subject: [PATCH 10/37] Refactor path resolver logic

---
 .../Orc/TargetProcess/LibraryScanner.cpp      | 170 ++++++++++++------
 1 file changed, 120 insertions(+), 50 deletions(-)

diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 4e110c4ed9880..296ed79d15206 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -20,6 +20,7 @@
 #include "llvm/Object/ELFObjectFile.h"
 #include "llvm/Object/ELFTypes.h"
 #include "llvm/Object/MachO.h"
+#include "llvm/Object/MachOUniversal.h"
 #include "llvm/Object/ObjectFile.h"
 #include "llvm/Support/Error.h"
 #include "llvm/Support/MemoryBuffer.h"
@@ -39,6 +40,17 @@
 
 namespace llvm::orc {
 
+void handleError(Error Err) {
+  consumeError(llvm::handleErrors(std::move(Err), [](const ErrorInfoBase &EIB) {
+    dbgs() << "LLVM Error: " << EIB.message() << "\n";
+  }));
+}
+
+template <typename T> T handleErrorAndReturn(Error Err, T ReturnValue) {
+  handleError(std::move(Err));
+  return ReturnValue;
+}
+
 bool isLibraryFile(StringRef filename) {
   static const std::vector<std::string> suffixes = {".so", ".so.", ".dylib",
                                                     ".dll"};
@@ -54,54 +66,109 @@ bool isELFSharedLibrary(const object::ELFFile<ELFT> &ELFObj) {
   return ELFObj.getHeader().e_type == ELF::ET_DYN;
 }
 
+bool isSharedLibraryObject(object::ObjectFile &Obj) {
+  if (Obj.isELF()) {
+    if (auto *ELF32LE = dyn_cast<object::ELF32LEObjectFile>(&Obj))
+      return isELFSharedLibrary(ELF32LE->getELFFile());
+    if (auto *ELF64LE = dyn_cast<object::ELF64LEObjectFile>(&Obj))
+      return isELFSharedLibrary(ELF64LE->getELFFile());
+    if (auto *ELF32BE = dyn_cast<object::ELF32BEObjectFile>(&Obj))
+      return isELFSharedLibrary(ELF32BE->getELFFile());
+    if (auto *ELF64BE = dyn_cast<object::ELF64BEObjectFile>(&Obj))
+      return isELFSharedLibrary(ELF64BE->getELFFile());
+  } else if (Obj.isMachO()) {
+    const object::MachOObjectFile *MachO =
+        dyn_cast<object::MachOObjectFile>(&Obj);
+    if (!MachO) {
+      //  LLVM_DEBUG(
+      dbgs() << "Failed to cast to MachOObjectFile.\n"; //);
+      return false;
+    }
+    // LLVM_DEBUG(
+    {
+      bool Result =
+          MachO->getHeader().filetype == MachO::HeaderFileType::MH_DYLIB;
+      dbgs() << "Mach-O filetype: " << MachO->getHeader().filetype
+             << " (MH_DYLIB == " << MachO::HeaderFileType::MH_DYLIB
+             << "), shared: " << Result << "\n";
+    } //);
+
+    return MachO->getHeader().filetype == MachO::HeaderFileType::MH_DYLIB;
+  } else if (Obj.isCOFF()) {
+    const object::COFFObjectFile *coff = dyn_cast<object::COFFObjectFile>(&Obj);
+    if (!coff)
+      return false;
+    return coff->getCharacteristics() & COFF::IMAGE_FILE_DLL;
+  } else {
+    // LLVM_DEBUG(
+    dbgs() << "Binary is not an ObjectFile.\n"; //);
+  }
+
+  return false;
+}
+
 bool DylibPathValidator::isSharedLibrary(StringRef Path) {
-  if (isLibraryFile(Path))
+  // LLVM_DEBUG(
+  dbgs() << "Checking if path is a shared library: " << Path << "\n"; //);
+
+  if (isLibraryFile(Path)) {
+    // LLVM_DEBUG(
+    dbgs() << "Path recognized as a library file by extension: " << Path
+           << "\n"; //);
+
     return true;
+  }
 
   auto filetype = sys::fs::get_file_type(Path, /*Follow*/ true);
   if (filetype != sys::fs::file_type::regular_file) {
-    // if (exists) {
-    //   // get_file_type returns status_error also in case of file_not_found.
-    //   *exists = filetype != sys::fs::file_type::status_error;
-    // }
+    // LLVM_DEBUG(
+    dbgs() << "File type is not a regular file for path: " << Path << "\n"; //);
     return false;
   }
 
-  Expected<object::OwningBinary<object::Binary>> BinaryOrErr =
-      object::createBinary(Path);
-  if (!BinaryOrErr) {
+  auto BinOrErr = object::createBinary(Path);
+  if (!BinOrErr) {
+    // LLVM_DEBUG(
+    dbgs() << "Failed to open or parse binary at path: " << Path << "\n"; //);
     // Could not open or parse the binary
-    consumeError(BinaryOrErr.takeError());
+    handleError(BinOrErr.takeError());
     return false;
   }
 
-  object::Binary *Bin = BinaryOrErr->getBinary();
-
-  if (auto *Obj = dyn_cast<object::ObjectFile>(Bin)) {
-    if (Obj->isELF()) {
-      if (auto *ELF32LE = dyn_cast<object::ELF32LEObjectFile>(Obj))
-        return isELFSharedLibrary(ELF32LE->getELFFile());
-      if (auto *ELF64LE = dyn_cast<object::ELF64LEObjectFile>(Obj))
-        return isELFSharedLibrary(ELF64LE->getELFFile());
-      if (auto *ELF32BE = dyn_cast<object::ELF32BEObjectFile>(Obj))
-        return isELFSharedLibrary(ELF32BE->getELFFile());
-      if (auto *ELF64BE = dyn_cast<object::ELF64BEObjectFile>(Obj))
-        return isELFSharedLibrary(ELF64BE->getELFFile());
-    } else if (Obj->isMachO()) {
-      const object::MachOObjectFile *MachO =
-          dyn_cast<object::MachOObjectFile>(Obj);
-      if (!MachO)
-        return false;
-      return MachO->getHeader().filetype == MachO::HeaderFileType::MH_DYLIB;
-    } else if (Obj->isCOFF()) {
-      const object::COFFObjectFile *coff =
-          dyn_cast<object::COFFObjectFile>(Obj);
-      if (!coff)
-        return false;
-      return coff->getCharacteristics() & COFF::IMAGE_FILE_DLL;
+  object::Binary *Bin = BinOrErr.get().getBinary();
+
+  // Handle fat/universal binaries on macOS
+  if (auto *UB = dyn_cast<object::MachOUniversalBinary>(Bin)) {
+    // LLVM_DEBUG(
+    dbgs() << "Universal binary detected.\n";
+
+    for (auto ObjForArch : UB->objects()) {
+      auto ObjOrErr = ObjForArch.getAsObjectFile();
+      if (!ObjOrErr) {
+        // LLVM_DEBUG(
+        dbgs() << "Failed to extract object for arch.\n";
+        handleError(ObjOrErr.takeError());
+        continue;
+      }
+
+      object::ObjectFile *Obj = ObjOrErr->get();
+      if (isSharedLibraryObject(*Obj)) {
+        // LLVM_DEBUG(
+        dbgs() << "Shared library found in universal binary.\n";
+        return true;
+      }
     }
+    // LLVM_DEBUG(
+    dbgs() << "No shared library slice found in universal binary.\n";
+    return false;
   }
 
+  if (auto *Obj = dyn_cast<object::ObjectFile>(Bin))
+    return isSharedLibraryObject(*Obj);
+
+  // LLVM_DEBUG(
+  dbgs() << "Path is not identified as a shared library: " << Path << "\n"; //);
+
   return false;
 }
 
@@ -363,7 +430,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
   // If already cached - retun cached result
   bool isRelative = sys::path::is_relative(path);
-  {
+  if (!isRelative) {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     auto it = m_cache->m_realpathCache.find(path);
     if (it != m_cache->m_realpathCache.end()) {
@@ -380,6 +447,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
       return it->second.canonicalPath;
     }
   }
+
   // LLVM_DEBUG(
   dbgs() << "PathResolver::realpathCached: Resolving path: " << path
          << "\n"; //);
@@ -411,6 +479,18 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
   // Handle path list items
   for (const auto &component : Components) {
+    if (component == ".")
+      continue;
+    if (component == "..") {
+      // collapse "a/b/../c" to "a/c"
+      size_t s = resolved.rfind(Separator);
+      if (s != llvm::StringRef::npos)
+        resolved.resize(s);
+      if (resolved.empty())
+        resolved = Separator;
+      continue;
+    }
+
     size_t oldSize = resolved.size();
     sys::path::append(resolved, component);
     const char *resolvedPath = resolved.c_str();
@@ -439,10 +519,14 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
       // LLVM_DEBUG(
       dbgs() << "    Symlink points to: " << symlink << "\n"; //);
 
-      resolved.resize(oldSize);
+      std::string resolvedBase = "";
+      if (sys::path::is_relative(symlink)) {
+        resolved.resize(oldSize);
+        resolvedBase = resolved.str().str();
+      }
 
       auto realSymlink =
-          realpathCached(symlink, ec, resolved,
+          realpathCached(symlink, ec, resolvedBase,
                          /*baseIsResolved=*/true, symloopLevel - 1);
       if (!realSymlink) {
         std::unique_lock<std::shared_mutex> lock(m_mutex);
@@ -739,17 +823,6 @@ Expected<LibraryDepsInfo> parseELFDeps(const object::ELFObjectFileBase &obj) {
   return createStringError(std::errc::not_supported, "Unknown ELF format");
 }
 
-void handleError(Error Err) {
-  consumeError(llvm::handleErrors(std::move(Err), [](const ErrorInfoBase &EIB) {
-    dbgs() << "LLVM Error: " << EIB.message() << "\n";
-  }));
-}
-
-template <typename T> T handleErrorAndReturn(Error Err, T ReturnValue) {
-  handleError(std::move(Err));
-  return ReturnValue;
-}
-
 Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
   // LLVM_DEBUG(
   dbgs() << "extractDeps: Attempting to open file " << filePath << "\n"; //);
@@ -758,13 +831,10 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
   if (!ObjOrErr) {
     // LLVM_DEBUG(
     dbgs() << "extractDeps: Failed to open " << filePath << "\n"; //);
-    consumeError(ObjOrErr.takeError());
     return handleErrorAndReturn(ObjOrErr.takeError(),
                                 createStringError(std::errc::file_exists,
                                                   "Failed to open %s",
                                                   filePath.str().c_str()));
-    return createStringError(std::errc::file_exists, "Failed to open %s",
-                             filePath.str().c_str());
   }
   object::ObjectFile *Obj = ObjOrErr.get().getBinary();
 

>From d11a1443b77223a505763c7cd1fe6b530b6a6358 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sat, 19 Jul 2025 18:46:16 +0530
Subject: [PATCH 11/37] Add MachOUniversalBinary handling logic

---
 .../Orc/TargetProcess/LibraryScanner.h        |  46 +++++-
 .../Orc/TargetProcess/LibraryScanner.cpp      | 131 ++++++++++--------
 2 files changed, 121 insertions(+), 56 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 9005eb51944ba..5eab6589be355 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -85,11 +85,55 @@ class LibraryPathCache {
     std::error_code errnoCode;
   };
 
+  void insert_realpath(StringRef path, const PathInfo &info) {
+    std::unique_lock<std::shared_mutex> lock(m_mutex);
+    m_realpathCache.insert({path, info});
+  }
+
+  std::optional<PathInfo> read_realpath(StringRef path) {
+    std::shared_lock<std::shared_mutex> lock(m_mutex);
+    auto it = m_realpathCache.find(path);
+    if (it != m_realpathCache.end()) {
+      return it->second;
+    }
+    return std::nullopt;
+  }
+
   StringSet<> m_seen;
   StringMap<PathInfo> m_realpathCache;
+
 #ifndef _WIN32
   StringMap<std::string> m_readlinkCache;
   StringMap<mode_t> m_lstatCache;
+
+  void insert_link(StringRef path, const std::string &s) {
+    std::unique_lock<std::shared_mutex> lock(m_mutex);
+    m_readlinkCache.insert({path, s});
+  }
+
+  std::optional<std::string> read_link(StringRef path) {
+    std::shared_lock<std::shared_mutex> lock(m_mutex);
+    auto it = m_readlinkCache.find(path);
+    if (it != m_readlinkCache.end()) {
+      return it->second;
+    }
+    return std::nullopt;
+  }
+
+  void insert_lstat(StringRef path, mode_t m) {
+    std::unique_lock<std::shared_mutex> lock(m_mutex);
+    m_lstatCache.insert({path, m});
+  }
+
+  std::optional<mode_t> read_lstat(StringRef path) {
+    std::shared_lock<std::shared_mutex> lock(m_mutex);
+    auto it = m_lstatCache.find(path);
+    if (it != m_lstatCache.end()) {
+      return it->second;
+    }
+    return std::nullopt;
+  }
+
 #endif
 };
 
@@ -116,7 +160,7 @@ class PathResolver {
                                             long symloopLevel = 40);
 
 private:
-  mutable std::shared_mutex m_mutex;
+  // mutable std::shared_mutex m_mutex;
   std::shared_ptr<LibraryPathCache> m_cache;
 };
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 296ed79d15206..55114059f135b 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -40,17 +40,29 @@
 
 namespace llvm::orc {
 
-void handleError(Error Err) {
-  consumeError(llvm::handleErrors(std::move(Err), [](const ErrorInfoBase &EIB) {
-    dbgs() << "LLVM Error: " << EIB.message() << "\n";
+void handleError(Error Err, StringRef context = "") {
+  consumeError(handleErrors(std::move(Err), [&](const ErrorInfoBase &EIB) {
+    dbgs() << "LLVM Error";
+    if (!context.empty())
+      dbgs() << " [" << context << "]";
+    dbgs() << ": " << EIB.message() << "\n";
   }));
 }
 
-template <typename T> T handleErrorAndReturn(Error Err, T ReturnValue) {
-  handleError(std::move(Err));
+template <typename T>
+T handleErrorAndReturn(Error Err, T ReturnValue, StringRef context = "") {
+  handleError(std::move(Err), context);
   return ReturnValue;
 }
 
+template <typename T>
+T handleExpectedAndReturn(Expected<T> &&ValOrErr, T ReturnValue,
+                          StringRef context = "") {
+  if (!ValOrErr)
+    return handleErrorAndReturn(ValOrErr.takeError(), ReturnValue, context);
+  return *ValOrErr;
+}
+
 bool isLibraryFile(StringRef filename) {
   static const std::vector<std::string> suffixes = {".so", ".so.", ".dylib",
                                                     ".dll"};
@@ -322,30 +334,22 @@ DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
 #ifndef _WIN32
 mode_t PathResolver::lstatCached(StringRef path) {
   // If already cached - retun cached result
-  std::unique_lock<std::shared_mutex> lock(m_mutex);
-
-  auto &cache = m_cache->m_lstatCache;
-
-  auto it = cache.find(path);
-  if (it != cache.end())
-    return it->second;
+  if (auto cache = m_cache->read_lstat(path))
+    return *cache;
 
   // Not cached: perform lstat and store
   struct stat buf {};
   mode_t st_mode = (lstat(path.str().c_str(), &buf) == -1) ? 0 : buf.st_mode;
 
-  cache.insert({path, st_mode});
+  m_cache->insert_lstat(path, st_mode);
 
   return st_mode;
 }
 
 std::optional<std::string> PathResolver::readlinkCached(StringRef path) {
-  std::unique_lock<std::shared_mutex> lock(m_mutex);
-  auto &cache = m_cache->m_readlinkCache;
   // If already cached - retun cached result
-  auto it = cache.find(path);
-  if (it != cache.end())
-    return it->second;
+  if (auto cache = m_cache->read_link(path))
+    return cache;
 
   // If result not in cache - call system function and cache result
   char buf[PATH_MAX];
@@ -353,8 +357,8 @@ std::optional<std::string> PathResolver::readlinkCached(StringRef path) {
   if ((len = readlink(path.str().c_str(), buf, sizeof(buf))) != -1) {
     buf[len] = '\0';
     std::string s(buf);
-    cache.insert({path, s});
-    return cache[path];
+    m_cache->insert_link(path, s);
+    return s;
   }
   return std::nullopt;
 }
@@ -431,10 +435,8 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   // If already cached - retun cached result
   bool isRelative = sys::path::is_relative(path);
   if (!isRelative) {
-    std::shared_lock<std::shared_mutex> lock(m_mutex);
-    auto it = m_cache->m_realpathCache.find(path);
-    if (it != m_cache->m_realpathCache.end()) {
-      ec = it->second.errnoCode;
+    if (auto cached = m_cache->read_realpath(path)) {
+      ec = cached->errnoCode;
       if (ec) {
         // LLVM_DEBUG(
         dbgs() << "PathResolver::realpathCached: Cached (error) for " << path
@@ -442,9 +444,11 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
       } else {
         // LLVM_DEBUG(
         dbgs() << "PathResolver::realpathCached: Cached (success) for " << path
-               << " => " << it->second.canonicalPath << "\n"; //);
+               << " => " << cached->canonicalPath << "\n"; //);
       }
-      return it->second.canonicalPath;
+      return cached->canonicalPath.empty()
+                 ? std::nullopt
+                 : std::make_optional(cached->canonicalPath);
     }
   }
 
@@ -506,9 +510,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
       auto symlinkOpt = readlinkCached(resolvedPath);
       if (!symlinkOpt) {
         ec = std::make_error_code(std::errc::no_such_file_or_directory);
-        std::unique_lock<std::shared_mutex> lock(m_mutex);
-        m_cache->m_realpathCache.insert(
-            {path, LibraryPathCache::PathInfo{"", ec}});
+        m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
         // LLVM_DEBUG(
         dbgs() << "    Failed to read symlink: " << resolvedPath << "\n"; //);
 
@@ -529,9 +531,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
           realpathCached(symlink, ec, resolvedBase,
                          /*baseIsResolved=*/true, symloopLevel - 1);
       if (!realSymlink) {
-        std::unique_lock<std::shared_mutex> lock(m_mutex);
-        m_cache->m_realpathCache.insert(
-            {path, LibraryPathCache::PathInfo{"", ec}});
+        m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
         // LLVM_DEBUG(
         dbgs() << "    Failed to resolve symlink target: " << symlink
                << "\n"; //);
@@ -545,9 +545,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
     } else if (st_mode == 0) {
       ec = std::make_error_code(std::errc::no_such_file_or_directory);
-      std::unique_lock<std::shared_mutex> lock(m_mutex);
-      m_cache->m_realpathCache.insert(
-          {path, LibraryPathCache::PathInfo{"", ec}});
+      m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
       // LLVM_DEBUG(
       dbgs() << "    Component does not exist: " << resolvedPath << "\n"; //);
 
@@ -560,11 +558,10 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
   std::string canonical = resolved.str().str();
   {
-    std::unique_lock<std::shared_mutex> lock(m_mutex);
-    m_cache->m_realpathCache.insert({path, LibraryPathCache::PathInfo{
-                                               canonical,
-                                               std::error_code() // success
-                                           }});
+    m_cache->insert_realpath(path, LibraryPathCache::PathInfo{
+                                       canonical,
+                                       std::error_code() // success
+                                   });
   }
   // LLVM_DEBUG(
   dbgs() << "PathResolver::realpathCached: Final resolved: " << path << " => "
@@ -827,30 +824,54 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
   // LLVM_DEBUG(
   dbgs() << "extractDeps: Attempting to open file " << filePath << "\n"; //);
 
-  auto ObjOrErr = object::ObjectFile::createObjectFile(filePath);
-  if (!ObjOrErr) {
+  auto BinOrErr = object::createBinary(filePath);
+  if (!BinOrErr) {
     // LLVM_DEBUG(
     dbgs() << "extractDeps: Failed to open " << filePath << "\n"; //);
-    return handleErrorAndReturn(ObjOrErr.takeError(),
+    return handleErrorAndReturn(BinOrErr.takeError(),
                                 createStringError(std::errc::file_exists,
                                                   "Failed to open %s",
-                                                  filePath.str().c_str()));
+                                                  filePath.str().c_str()),
+                                "LibraryScanner::extractDeps");
   }
-  object::ObjectFile *Obj = ObjOrErr.get().getBinary();
 
-  if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {
-    // LLVM_DEBUG(
-    dbgs() << "extractDeps: File " << filePath << " is an ELF object\n"; //);
+  object::Binary *Bin = BinOrErr.get().getBinary();
 
-    return parseELFDeps(*elfObj);
-  }
+  // Handle fat/universal binaries on macOS
+  if (auto *UB = dyn_cast<object::MachOUniversalBinary>(Bin)) {
+    for (auto ObjForArch : UB->objects()) {
+      auto ObjOrErr = ObjForArch.getAsObjectFile();
+      if (!ObjOrErr) {
+        // LLVM_DEBUG(
+        dbgs() << "Failed to extract object for arch.\n";
+        handleError(ObjOrErr.takeError());
+        continue;
+      }
 
-  if (auto *macho = dyn_cast<object::MachOObjectFile>(Obj)) {
-    // LLVM_DEBUG(
-    dbgs() << "extractDeps: File " << filePath << " is a Mach-O object\n"; //);
-    return parseMachODeps(*macho);
-  }
+      if (auto *macho = dyn_cast<object::MachOObjectFile>(ObjOrErr->get())) {
+        // LLVM_DEBUG(
+        dbgs() << "extractDeps: File " << filePath
+               << " is a Mach-O object\n"; //);
+        return parseMachODeps(*macho);
+      }
+    }
+  } else {
+    object::ObjectFile *Obj = dyn_cast<object::ObjectFile>(Bin);
+
+    if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {
+      // LLVM_DEBUG(
+      dbgs() << "extractDeps: File " << filePath << " is an ELF object\n"; //);
+
+      return parseELFDeps(*elfObj);
+    }
 
+    if (auto *macho = dyn_cast<object::MachOObjectFile>(Obj)) {
+      // LLVM_DEBUG(
+      dbgs() << "extractDeps: File " << filePath
+             << " is a Mach-O object\n"; //);
+      return parseMachODeps(*macho);
+    }
+  }
   // LLVM_DEBUG(
   dbgs() << "extractDeps: Unsupported binary format for file " << filePath
          << "\n"; //);

>From 832d132e9c4fc7494acb924a706f63d28563dcd1 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Wed, 23 Jul 2025 14:04:21 +0530
Subject: [PATCH 12/37] Add SearchContext to support repeated lazy scanning of
 libraries

---
 .../Orc/TargetProcess/DynamicLoader.h         |  7 ++-
 .../Orc/TargetProcess/LibraryScanner.h        | 12 ++--
 .../Orc/TargetProcess/DynamicLoader.cpp       | 62 +++++++++++++++----
 .../Orc/TargetProcess/LibraryScanner.cpp      | 35 +++++------
 4 files changed, 77 insertions(+), 39 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
index 5d11eed41ece4..c8b21ae0b383e 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
@@ -176,7 +176,7 @@ class LibraryManager {
     return true;
   }
 
-  bool hasLibrary(StringRef path) {
+  bool hasLibrary(StringRef path) const {
     std::shared_lock<std::shared_mutex> lock(mutex);
     if (libraries.count(path) > 0)
       return true;
@@ -429,7 +429,7 @@ class DynamicLoader {
       const SearchPolicy &policy = SearchPolicy::defaultPlan());
 
 private:
-  void scanLibrariesIfNeeded(PathType K);
+  bool scanLibrariesIfNeeded(PathType K);
   void resolveSymbolsInLibrary(LibraryInfo &library, SymbolQuery &query);
   bool
   symbolExistsInLibrary(const LibraryInfo &library, StringRef symbol,
@@ -460,6 +460,9 @@ class LoaderControllerImpl {
   void addScanPath(const std::string &path, PathType Kind);
   bool markLibraryLoaded(StringRef path);
   bool markLibraryUnLoaded(StringRef path);
+  bool isLibraryLoaded(StringRef path) const {
+    return Loader->m_libMgr.isLoaded(path);
+  }
   void resolveSymbols(std::vector<std::string> symbols,
                       DynamicLoader::OnSearchComplete OnCompletion,
                       const SearchPolicy &policy = SearchPolicy::defaultPlan());
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 5eab6589be355..5aca5244f5e4a 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -57,7 +57,7 @@ class LibraryPathCache {
     m_seen.insert(canon_path);
   }
 
-  bool hasSeen(StringRef canon_path) {
+  bool hasSeen(StringRef canon_path) const {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     return m_seen.contains(canon_path);
     // return m_seen.count(canon_path) > 0;
@@ -90,7 +90,7 @@ class LibraryPathCache {
     m_realpathCache.insert({path, info});
   }
 
-  std::optional<PathInfo> read_realpath(StringRef path) {
+  std::optional<PathInfo> read_realpath(StringRef path) const {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     auto it = m_realpathCache.find(path);
     if (it != m_realpathCache.end()) {
@@ -111,7 +111,7 @@ class LibraryPathCache {
     m_readlinkCache.insert({path, s});
   }
 
-  std::optional<std::string> read_link(StringRef path) {
+  std::optional<std::string> read_link(StringRef path) const {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     auto it = m_readlinkCache.find(path);
     if (it != m_readlinkCache.end()) {
@@ -125,7 +125,7 @@ class LibraryPathCache {
     m_lstatCache.insert({path, m});
   }
 
-  std::optional<mode_t> read_lstat(StringRef path) {
+  std::optional<mode_t> read_lstat(StringRef path) const {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     auto it = m_lstatCache.find(path);
     if (it != m_lstatCache.end()) {
@@ -187,7 +187,7 @@ class DylibPathValidator {
 
   static bool isSharedLibrary(StringRef path);
 
-  std::optional<std::string> normalize(StringRef path) {
+  std::optional<std::string> normalize(StringRef path) const {
     std::error_code ec;
     auto real = m_pathResolver.resolve(path, ec);
     if (!real || ec)
@@ -196,7 +196,7 @@ class DylibPathValidator {
     return real;
   }
 
-  std::optional<std::string> validate(StringRef path) {
+  std::optional<std::string> validate(StringRef path) const {
     auto realOpt = normalize(path);
     if (!realOpt)
       return std::nullopt;
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
index c8d3abdeb80dd..aab9dc9021ab3 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
@@ -92,6 +92,15 @@ static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
   }
 
   uint32_t Flags = *FlagsOrErr;
+
+  if (Flags & object::BasicSymbolRef::SF_FormatSpecific ||
+      Flags & object::BasicSymbolRef::SF_Hidden)
+    return true;
+
+  if (!(Flags & object::BasicSymbolRef::SF_Global) &&
+      !(Flags & object::BasicSymbolRef::SF_Exported))
+    return true;
+
   using Filter = SymbolEnumerator::Filter;
   if ((IgnoreFlags & static_cast<uint32_t>(Filter::IgnoreUndefined)) &&
       (Flags & object::SymbolRef::SF_Undefined))
@@ -173,6 +182,23 @@ bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
   return true;
 }
 
+class SymbolSearchContext {
+public:
+  SymbolSearchContext(SymbolQuery &Q) : m_query(Q) {}
+
+  bool hasSearched(LibraryInfo *lib) const { return m_searched.count(lib); }
+
+  void markSearched(LibraryInfo *lib) { m_searched.insert(lib); }
+
+  inline bool allResolved() const { return m_query.allResolved(); }
+
+  SymbolQuery &query() { return m_query; }
+
+private:
+  SymbolQuery &m_query;
+  DenseSet<LibraryInfo *> m_searched;
+};
+
 void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
                                             SymbolQuery &unresolvedSymbols) {
   // LLVM_DEBUG(
@@ -264,17 +290,30 @@ void DynamicLoader::searchSymbolsInLibraries(
   using LibraryState = LibraryManager::State;
   using LibraryType = PathType;
   auto tryResolveFrom = [&](LibraryState S, LibraryType K) {
-    if (query.allResolved())
-      return;
     // LLVM_DEBUG(
     dbgs() << "Trying resolve from state=" << static_cast<int>(S)
            << " type=" << static_cast<int>(K) << "\n"; //);
-    scanLibrariesIfNeeded(K);
-    for (auto &lib : m_libMgr.getView(S, K)) {
-      // can use Async here?
-      resolveSymbolsInLibrary(*lib, query);
-      if (query.allResolved())
-        break;
+
+    SymbolSearchContext Ctx(query);
+    while (!Ctx.allResolved()) {
+
+      for (auto &lib : m_libMgr.getView(S, K)) {
+        if (Ctx.hasSearched(lib.get()))
+          continue;
+
+        // can use Async here?
+        resolveSymbolsInLibrary(*lib, Ctx.query());
+        Ctx.markSearched(lib.get());
+
+        if (Ctx.allResolved())
+          return;
+      }
+
+      if (Ctx.allResolved())
+        return;
+
+      if (!scanLibrariesIfNeeded(K))
+        break; // no more new libs to scan
     }
   };
 
@@ -284,7 +323,7 @@ void DynamicLoader::searchSymbolsInLibraries(
       break;
   }
 
-// done:
+  // done:
   // LLVM_DEBUG({
   dbgs() << "Search complete.\n";
   for (const auto &r : query.getAllResults())
@@ -295,14 +334,15 @@ void DynamicLoader::searchSymbolsInLibraries(
   onComplete(query);
 }
 
-void DynamicLoader::scanLibrariesIfNeeded(PathType PK) {
+bool DynamicLoader::scanLibrariesIfNeeded(PathType PK) {
   // LLVM_DEBUG(
   dbgs() << "DynamicLoader::scanLibrariesIfNeeded: Scanning for "
          << (PK == PathType::User ? "User" : "System") << " libraries\n"; //);
   if (!m_scanH.leftToScan(PK))
-    return;
+    return false;
   LibraryScanner Scanner(m_scanH, m_libMgr, m_shouldScan);
   Scanner.scanNext(PK);
+  return true;
 }
 
 bool DynamicLoader::symbolExistsInLibrary(
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 55114059f135b..dc04ab81e14cf 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -63,16 +63,6 @@ T handleExpectedAndReturn(Expected<T> &&ValOrErr, T ReturnValue,
   return *ValOrErr;
 }
 
-bool isLibraryFile(StringRef filename) {
-  static const std::vector<std::string> suffixes = {".so", ".so.", ".dylib",
-                                                    ".dll"};
-  for (const auto &suf : suffixes) {
-    if (filename.find(suf) != std::string::npos)
-      return true;
-  }
-  return false;
-}
-
 template <class ELFT>
 bool isELFSharedLibrary(const object::ELFFile<ELFT> &ELFObj) {
   return ELFObj.getHeader().e_type == ELF::ET_DYN;
@@ -123,14 +113,6 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
   // LLVM_DEBUG(
   dbgs() << "Checking if path is a shared library: " << Path << "\n"; //);
 
-  if (isLibraryFile(Path)) {
-    // LLVM_DEBUG(
-    dbgs() << "Path recognized as a library file by extension: " << Path
-           << "\n"; //);
-
-    return true;
-  }
-
   auto filetype = sys::fs::get_file_type(Path, /*Follow*/ true);
   if (filetype != sys::fs::file_type::regular_file) {
     // LLVM_DEBUG(
@@ -149,6 +131,12 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
 
   object::Binary *Bin = BinOrErr.get().getBinary();
 
+  if (Bin->isArchive()) {
+    // LLVM_DEBUG(
+    dbgs() << "Binary is archive : " << Path << "\n"; //);
+    return false;
+  }
+
   // Handle fat/universal binaries on macOS
   if (auto *UB = dyn_cast<object::MachOUniversalBinary>(Bin)) {
     // LLVM_DEBUG(
@@ -666,7 +654,6 @@ PathType LibraryScanHelper::classifyKind(StringRef path) const {
   if (home && path.find(home) == 0)
     return PathType::User;
 
-  // Standard user install locations
   static const std::array<std::string, 5> userPrefixes = {
       "/usr/local",    // often used by users for manual installs
       "/opt/homebrew", // common on macOS M1/M2
@@ -837,6 +824,14 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
 
   object::Binary *Bin = BinOrErr.get().getBinary();
 
+  if (Bin->isArchive()) {
+    // LLVM_DEBUG(
+    dbgs() << "extractDeps: Binary is archive file " << filePath << "\n"; //);
+    return createStringError(std::errc::file_exists,
+                             "Binary is archive file %s",
+                             filePath.str().c_str());
+  }
+
   // Handle fat/universal binaries on macOS
   if (auto *UB = dyn_cast<object::MachOUniversalBinary>(Bin)) {
     for (auto ObjForArch : UB->objects()) {
@@ -855,7 +850,7 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
         return parseMachODeps(*macho);
       }
     }
-  } else {
+  } else if (Bin->isObject()) {
     object::ObjectFile *Obj = dyn_cast<object::ObjectFile>(Bin);
 
     if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {

>From 9e82eb879d73b0371c8c81635d968524fe9948e5 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Thu, 24 Jul 2025 11:49:18 +0530
Subject: [PATCH 13/37] Refactor naming

---
 .../{DynamicLoader.h => LibraryResolver.h}    | 30 ++++++------
 .../Orc/TargetProcess/LibraryScanner.h        |  4 +-
 .../Orc/TargetProcess/CMakeLists.txt          |  2 +-
 ...{DynamicLoader.cpp => LibraryResolver.cpp} | 47 +++++++++++--------
 .../Orc/TargetProcess/LibraryScanner.cpp      |  8 +---
 5 files changed, 47 insertions(+), 44 deletions(-)
 rename llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/{DynamicLoader.h => LibraryResolver.h} (95%)
 rename llvm/lib/ExecutionEngine/Orc/TargetProcess/{DynamicLoader.cpp => LibraryResolver.cpp} (87%)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
similarity index 95%
rename from llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
rename to llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index c8b21ae0b383e..5ba179c7e0247 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -1,4 +1,4 @@
-//===- DynamicLoader.h - Automatic Dynamic Library Symbol Resolution -*- C++
+//===- LibraryResolver.h - Automatic Dynamic Library Symbol Resolution -*- C++
 //-*-===//
 //
 // Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
@@ -272,8 +272,8 @@ struct SearchPolicy {
 /// Supports symbol enumeration and filtering via SymbolEnumerator, and tracks
 /// symbol resolution results through SymbolQuery. Thread-safe and uses
 /// LibraryScanHelper for efficient path resolution and caching.
-class DynamicLoader {
-  friend class LoaderControllerImpl;
+class LibraryResolver {
+  friend class LibraryResolutionDriver;
 
 public:
   class SymbolEnumerator {
@@ -404,9 +404,9 @@ class DynamicLoader {
     }
   };
 
-  DynamicLoader() = delete;
-  explicit DynamicLoader(const Setup &setup);
-  ~DynamicLoader() = default;
+  LibraryResolver() = delete;
+  explicit LibraryResolver(const Setup &setup);
+  ~LibraryResolver() = default;
 
   using OnSearchComplete = unique_function<void(SymbolQuery &)>;
 
@@ -448,14 +448,14 @@ class DynamicLoader {
   bool includeSys;
 };
 
-using SymbolEnumerator = DynamicLoader::SymbolEnumerator;
-using SymbolQuery = DynamicLoader::SymbolQuery;
+using SymbolEnumerator = LibraryResolver::SymbolEnumerator;
+using SymbolQuery = LibraryResolver::SymbolQuery;
 using EnumerateResult = SymbolEnumerator::Result;
 
-class LoaderControllerImpl {
+class LibraryResolutionDriver {
 public:
-  static std::unique_ptr<LoaderControllerImpl>
-  create(const DynamicLoader::Setup &setup);
+  static std::unique_ptr<LibraryResolutionDriver>
+  create(const LibraryResolver::Setup &setup);
 
   void addScanPath(const std::string &path, PathType Kind);
   bool markLibraryLoaded(StringRef path);
@@ -464,16 +464,16 @@ class LoaderControllerImpl {
     return Loader->m_libMgr.isLoaded(path);
   }
   void resolveSymbols(std::vector<std::string> symbols,
-                      DynamicLoader::OnSearchComplete OnCompletion,
+                      LibraryResolver::OnSearchComplete OnCompletion,
                       const SearchPolicy &policy = SearchPolicy::defaultPlan());
 
-  ~LoaderControllerImpl() = default;
+  ~LibraryResolutionDriver() = default;
 
 private:
-  LoaderControllerImpl(std::unique_ptr<DynamicLoader> loader)
+  LibraryResolutionDriver(std::unique_ptr<LibraryResolver> loader)
       : Loader(std::move(loader)) {}
 
-  std::unique_ptr<DynamicLoader> Loader;
+  std::unique_ptr<LibraryResolver> Loader;
   // std::function<void(const std::string &, LibraryManager::State)>
   // onStateChange;
 };
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 5aca5244f5e4a..a5ce2d9d2a178 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -1,4 +1,4 @@
-//===- LibraryScanner.h - Scan Library -*- C++
+//===- LibraryScanner.h - Scanner for Shared Libraries -*- C++
 //-*-===//
 //
 // Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
@@ -7,7 +7,7 @@
 //
 //===----------------------------------------------------------------------===//
 //
-// This file provides support for scanning dynamic library.
+// This file provides functionality for scanning dynamic (shared) libraries.
 //
 //===----------------------------------------------------------------------===//
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/CMakeLists.txt b/llvm/lib/ExecutionEngine/Orc/TargetProcess/CMakeLists.txt
index e5d20159fd773..c5f6f52baae19 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/CMakeLists.txt
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/CMakeLists.txt
@@ -15,8 +15,8 @@ endif()
 add_llvm_component_library(LLVMOrcTargetProcess
   ExecutorSharedMemoryMapperService.cpp
   DefaultHostBootstrapValues.cpp
-  DynamicLoader.cpp
   ExecutorResolver.cpp
+  LibraryResolver.cpp
   JITLoaderGDB.cpp
   JITLoaderPerf.cpp
   JITLoaderVTune.cpp
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
similarity index 87%
rename from llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
rename to llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
index aab9dc9021ab3..0a0e5e82b3012 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/DynamicLoader.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
@@ -1,12 +1,17 @@
-//===----- DynamicLoader.cpp - Defaults for host process -----===//
+//===----- LibraryResolver.cpp - Library Resolution of Unresolved Symbols
+//-----===//
 //
 // Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
 // See https://llvm.org/LICENSE.txt for license information.
 // SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
 //
 //===----------------------------------------------------------------------===//
+//
+// Library resolution impl for unresolved symbols
+//
+//===----------------------------------------------------------------------===//
 
-#include "llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h"
+#include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h"
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
 
 #include "llvm/ADT/StringSet.h"
@@ -26,7 +31,7 @@
 
 namespace llvm::orc {
 
-DynamicLoader::DynamicLoader(const DynamicLoader::Setup &setup)
+LibraryResolver::LibraryResolver(const LibraryResolver::Setup &setup)
     : m_cache(setup.cache ? setup.cache : std::make_shared<LibraryPathCache>()),
       m_PathResolver(setup.resolver ? setup.resolver
                                     : std::make_shared<PathResolver>(m_cache)),
@@ -41,18 +46,19 @@ DynamicLoader::DynamicLoader(const DynamicLoader::Setup &setup)
   }
 }
 
-std::unique_ptr<LoaderControllerImpl>
-LoaderControllerImpl::create(const DynamicLoader::Setup &setup) {
-  auto loader = std::make_unique<DynamicLoader>(setup);
-  return std::unique_ptr<LoaderControllerImpl>(
-      new LoaderControllerImpl(std::move(loader)));
+std::unique_ptr<LibraryResolutionDriver>
+LibraryResolutionDriver::create(const LibraryResolver::Setup &setup) {
+  auto loader = std::make_unique<LibraryResolver>(setup);
+  return std::unique_ptr<LibraryResolutionDriver>(
+      new LibraryResolutionDriver(std::move(loader)));
 }
 
-void LoaderControllerImpl::addScanPath(const std::string &path, PathType kind) {
+void LibraryResolutionDriver::addScanPath(const std::string &path,
+                                          PathType kind) {
   Loader->m_scanH.addBasePath(path, kind);
 }
 
-bool LoaderControllerImpl::markLibraryLoaded(StringRef path) {
+bool LibraryResolutionDriver::markLibraryLoaded(StringRef path) {
   auto lib = Loader->m_libMgr.getLibrary(path);
   if (!lib)
     return false;
@@ -65,7 +71,7 @@ bool LoaderControllerImpl::markLibraryLoaded(StringRef path) {
   return true;
 }
 
-bool LoaderControllerImpl::markLibraryUnLoaded(StringRef path) {
+bool LibraryResolutionDriver::markLibraryUnLoaded(StringRef path) {
   auto lib = Loader->m_libMgr.getLibrary(path);
   if (!lib)
     return false;
@@ -77,9 +83,10 @@ bool LoaderControllerImpl::markLibraryUnLoaded(StringRef path) {
   return true;
 }
 
-void LoaderControllerImpl::resolveSymbols(
+void LibraryResolutionDriver::resolveSymbols(
     std::vector<std::string> symbols,
-    DynamicLoader::OnSearchComplete OnCompletion, const SearchPolicy &policy) {
+    LibraryResolver::OnSearchComplete OnCompletion,
+    const SearchPolicy &policy) {
   Loader->searchSymbolsInLibraries(symbols, std::move(OnCompletion), policy);
 }
 
@@ -199,8 +206,8 @@ class SymbolSearchContext {
   DenseSet<LibraryInfo *> m_searched;
 };
 
-void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
-                                            SymbolQuery &unresolvedSymbols) {
+void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
+                                              SymbolQuery &unresolvedSymbols) {
   // LLVM_DEBUG(
   dbgs() << "Checking unresolved symbols "
          << " in library : " << lib.getFileName() << "\n"; //);
@@ -282,7 +289,7 @@ void DynamicLoader::resolveSymbolsInLibrary(LibraryInfo &lib,
     lib.setState(LibraryState::Queried);
 }
 
-void DynamicLoader::searchSymbolsInLibraries(
+void LibraryResolver::searchSymbolsInLibraries(
     std::vector<std::string> &symbolList, OnSearchComplete onComplete,
     const SearchPolicy &policy) {
   SymbolQuery query(symbolList);
@@ -334,9 +341,9 @@ void DynamicLoader::searchSymbolsInLibraries(
   onComplete(query);
 }
 
-bool DynamicLoader::scanLibrariesIfNeeded(PathType PK) {
+bool LibraryResolver::scanLibrariesIfNeeded(PathType PK) {
   // LLVM_DEBUG(
-  dbgs() << "DynamicLoader::scanLibrariesIfNeeded: Scanning for "
+  dbgs() << "LibraryResolver::scanLibrariesIfNeeded: Scanning for "
          << (PK == PathType::User ? "User" : "System") << " libraries\n"; //);
   if (!m_scanH.leftToScan(PK))
     return false;
@@ -345,7 +352,7 @@ bool DynamicLoader::scanLibrariesIfNeeded(PathType PK) {
   return true;
 }
 
-bool DynamicLoader::symbolExistsInLibrary(
+bool LibraryResolver::symbolExistsInLibrary(
     const LibraryInfo &lib, StringRef symbolName,
     std::vector<std::string> *allSymbols) {
 
@@ -353,7 +360,7 @@ bool DynamicLoader::symbolExistsInLibrary(
   return symbolExistsInLibrary(lib, symbolName, allSymbols, opts);
 }
 
-bool DynamicLoader::symbolExistsInLibrary(
+bool LibraryResolver::symbolExistsInLibrary(
     const LibraryInfo &lib, StringRef symbolName,
     std::vector<std::string> *allSymbols,
     const SymbolEnumerator::Options &opts) {
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index dc04ab81e14cf..635fd79ffc166 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -8,7 +8,7 @@
 //===----------------------------------------------------------------------===//
 
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
-#include "llvm/ExecutionEngine/Orc/TargetProcess/DynamicLoader.h"
+#include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h"
 
 #include "llvm/ADT/StringExtras.h"
 #include "llvm/Support/FileSystem.h"
@@ -1070,11 +1070,7 @@ void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
     if (sys::fs::is_regular_file(status) || sys::fs::is_symlink_file(status)) {
       // LLVM_DEBUG(
       dbgs() << "  Found file: " << entry.path() << "\n"; //);
-
-      // if (m_cache->hasSeen(entry.path()))
-      //   continue;
-      // std::string path = m_helper->resolvePath(entry.path(), ec);
-      // if (!sys::fs::is_director(path))
+      // async support ?
       handleLibrary(entry.path(), unit->kind);
     }
   }

>From 03936bbf27118e45925df6355eede21a79d93afc Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Tue, 29 Jul 2025 12:07:20 +0530
Subject: [PATCH 14/37] Uncomment the debug log

---
 .../Orc/TargetProcess/LibraryResolver.h       |  21 +-
 .../Orc/TargetProcess/LibraryScanner.h        |   6 +-
 .../Orc/TargetProcess/LibraryResolver.cpp     |  87 ++---
 .../Orc/TargetProcess/LibraryScanner.cpp      | 355 ++++++++----------
 4 files changed, 199 insertions(+), 270 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index 5ba179c7e0247..cbc4c62dcd289 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -278,21 +278,26 @@ class LibraryResolver {
 public:
   class SymbolEnumerator {
   public:
-    enum class Result { Continue, Stop, Error };
+    enum class EnumerateResult { Continue, Stop, Error };
 
-    using OnEachSymbolFn = std::function<Result(StringRef Sym)>;
+    using OnEachSymbolFn = std::function<EnumerateResult(StringRef Sym)>;
 
-    enum class Filter : uint32_t {
+    enum Filter : uint32_t {
       None = 0,
       IgnoreUndefined = 1 << 0,
       IgnoreWeak = 1 << 1,
       IgnoreIndirect = 1 << 2,
-
-      Default = IgnoreUndefined
+      IgnoreHidden = 1 << 3,
+      IgnoreNonGlobal = 1 << 4
     };
 
     struct Options {
-      uint32_t FilterFlags = static_cast<uint32_t>(Filter::Default);
+      static uint32_t defaultFlag() {
+        return SymbolEnumerator::Filter::IgnoreUndefined |
+               SymbolEnumerator::Filter::IgnoreWeak |
+               SymbolEnumerator::Filter::IgnoreIndirect;
+      }
+      uint32_t FilterFlags = Filter::None;
     };
 
     static bool enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
@@ -450,7 +455,7 @@ class LibraryResolver {
 
 using SymbolEnumerator = LibraryResolver::SymbolEnumerator;
 using SymbolQuery = LibraryResolver::SymbolQuery;
-using EnumerateResult = SymbolEnumerator::Result;
+using EnumerateResult = SymbolEnumerator::EnumerateResult;
 
 class LibraryResolutionDriver {
 public:
@@ -474,8 +479,6 @@ class LibraryResolutionDriver {
       : Loader(std::move(loader)) {}
 
   std::unique_ptr<LibraryResolver> Loader;
-  // std::function<void(const std::string &, LibraryManager::State)>
-  // onStateChange;
 };
 
 } // end namespace orc
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index a5ce2d9d2a178..33430eb5522ad 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -311,9 +311,9 @@ class LibraryScanHelper {
                              std::shared_ptr<LibraryPathCache> m_cache,
                              std::shared_ptr<PathResolver> m_resolver)
       : m_cache(std::move(m_cache)), m_resolver(std::move(m_resolver)) {
-    // LLVM_DEBUG(
-    dbgs() << "LibraryScanHelper::LibraryScanHelper: base paths : "
-           << paths.size() << "\n"; //);
+    DEBUG_WITH_TYPE(
+        "orc", dbgs() << "LibraryScanHelper::LibraryScanHelper: base paths : "
+                      << paths.size() << "\n";);
     for (const auto &p : paths)
       addBasePath(p);
   }
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
index 0a0e5e82b3012..1a7b752dd643b 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
@@ -64,10 +64,7 @@ bool LibraryResolutionDriver::markLibraryLoaded(StringRef path) {
     return false;
 
   lib->setState(LibraryManager::State::Loaded);
-  // lib->setNativeHandle(handle);
 
-  // if (onStateChange)
-  //   onStateChange(path.str(), LibraryManager::State::Loaded);
   return true;
 }
 
@@ -78,8 +75,6 @@ bool LibraryResolutionDriver::markLibraryUnLoaded(StringRef path) {
 
   lib->setState(LibraryManager::State::Unloaded);
 
-  // if (onStateChange)
-  //   onStateChange(path.str(), LibraryManager::State::Unloaded);
   return true;
 }
 
@@ -109,13 +104,13 @@ static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
     return true;
 
   using Filter = SymbolEnumerator::Filter;
-  if ((IgnoreFlags & static_cast<uint32_t>(Filter::IgnoreUndefined)) &&
+  if ((IgnoreFlags & Filter::IgnoreUndefined) &&
       (Flags & object::SymbolRef::SF_Undefined))
     return true;
-  if ((IgnoreFlags & static_cast<uint32_t>(Filter::IgnoreIndirect)) &&
+  if ((IgnoreFlags & Filter::IgnoreIndirect) &&
       (Flags & object::SymbolRef::SF_Indirect))
     return true;
-  if ((IgnoreFlags & static_cast<uint32_t>(Filter::IgnoreWeak)) &&
+  if ((IgnoreFlags & Filter::IgnoreWeak) &&
       (Flags & object::SymbolRef::SF_Weak))
     return true;
 
@@ -208,9 +203,8 @@ class SymbolSearchContext {
 
 void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
                                               SymbolQuery &unresolvedSymbols) {
-  // LLVM_DEBUG(
-  dbgs() << "Checking unresolved symbols "
-         << " in library : " << lib.getFileName() << "\n"; //);
+  LLVM_DEBUG(dbgs() << "Checking unresolved symbols "
+                    << " in library : " << lib.getFileName() << "\n";);
   std::unordered_set<std::string> discoveredSymbols;
   bool hasEnumerated = false;
 
@@ -221,43 +215,37 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
     hasEnumerated = true;
 
     SymbolEnumerator::Options opts;
-    opts.FilterFlags =
-        static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreUndefined) |
-        static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreWeak) |
-        static_cast<uint32_t>(SymbolEnumerator::Filter::IgnoreIndirect);
-    // LLVM_DEBUG(
-    dbgs() << "Enumerating symbols in library: " << lib.getFullPath() << "\n";
-    // );
+    opts.FilterFlags = SymbolEnumerator::Options::defaultFlag();
+
+    LLVM_DEBUG(dbgs() << "Enumerating symbols in library: " << lib.getFullPath()
+                      << "\n";);
     SymbolEnumerator::enumerateSymbols(
         lib.getFullPath(),
         [&](StringRef sym) {
           discoveredSymbols.insert(sym.str());
-          return SymbolEnumerator::Result::Continue;
+          return EnumerateResult::Continue;
         },
         opts);
   };
 
   if (!unresolvedSymbols.hasUnresolved()) {
-    // LLVM_DEBUG(
-    dbgs() << "Skipping library: " << lib.getFullPath()
-           << " — unresolved symbols exist.\n";
-    // );
+    LLVM_DEBUG(dbgs() << "Skipping library: " << lib.getFullPath()
+                      << " — unresolved symbols exist.\n";);
     return;
   }
 
   enumerateSymbolsIfNeeded();
 
   if (discoveredSymbols.empty()) {
-    // LLVM_DEBUG(
-    dbgs() << "  No symbols and remove library : " << lib.getFullPath()
-           << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  No symbols and remove library : "
+                      << lib.getFullPath() << "\n";);
     m_libMgr.removeLibrary(lib.getFullPath());
     return;
   }
 
   if (!lib.hasFilter()) {
-    // LLVM_DEBUG(
-    dbgs() << "Building filter for library: " << lib.getFullPath() << "\n"; //);
+    LLVM_DEBUG(dbgs() << "Building filter for library: " << lib.getFullPath()
+                      << "\n";);
     lib.ensureFilterBuilt(FB,
                           {discoveredSymbols.begin(), discoveredSymbols.end()});
     dbgs() << "discoveredSymbols : " << discoveredSymbols.size() << "\n";
@@ -267,17 +255,15 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
 
   const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
   bool hadAnySym = false;
-  // LLVM_DEBUG(
-  dbgs() << "Total unresolved symbols : " << unresolved.size() << "\n"; //);
+  LLVM_DEBUG(dbgs() << "Total unresolved symbols : " << unresolved.size()
+                    << "\n";);
   for (const auto &symbol : unresolved) {
     if (lib.mayContain(symbol)) {
-      // LLVM_DEBUG(
-      dbgs() << "Checking symbol '" << symbol
-             << "' in library: " << lib.getFullPath() << "\n"; //);
+      LLVM_DEBUG(dbgs() << "Checking symbol '" << symbol
+                        << "' in library: " << lib.getFullPath() << "\n";);
       if (discoveredSymbols.count(symbol.str()) > 0) {
-        // LLVM_DEBUG(
-        dbgs() << "  Resolved symbol: " << symbol
-               << " in library: " << lib.getFullPath() << "\n"; //);
+        LLVM_DEBUG(dbgs() << "  Resolved symbol: " << symbol
+                          << " in library: " << lib.getFullPath() << "\n";);
         unresolvedSymbols.resolve(symbol, lib.getFullPath());
         hadAnySym = true;
       }
@@ -297,9 +283,8 @@ void LibraryResolver::searchSymbolsInLibraries(
   using LibraryState = LibraryManager::State;
   using LibraryType = PathType;
   auto tryResolveFrom = [&](LibraryState S, LibraryType K) {
-    // LLVM_DEBUG(
-    dbgs() << "Trying resolve from state=" << static_cast<int>(S)
-           << " type=" << static_cast<int>(K) << "\n"; //);
+    LLVM_DEBUG(dbgs() << "Trying resolve from state=" << static_cast<int>(S)
+                      << " type=" << static_cast<int>(K) << "\n";);
 
     SymbolSearchContext Ctx(query);
     while (!Ctx.allResolved()) {
@@ -331,20 +316,20 @@ void LibraryResolver::searchSymbolsInLibraries(
   }
 
   // done:
-  // LLVM_DEBUG({
-  dbgs() << "Search complete.\n";
-  for (const auto &r : query.getAllResults())
-    dbgs() << "Resolved Symbol:" << r->Name << " -> " << r->ResolvedLibPath
-           << "\n";
-  //});
+  LLVM_DEBUG({
+    dbgs() << "Search complete.\n";
+    for (const auto &r : query.getAllResults())
+      dbgs() << "Resolved Symbol:" << r->Name << " -> " << r->ResolvedLibPath
+             << "\n";
+  });
 
   onComplete(query);
 }
 
 bool LibraryResolver::scanLibrariesIfNeeded(PathType PK) {
-  // LLVM_DEBUG(
-  dbgs() << "LibraryResolver::scanLibrariesIfNeeded: Scanning for "
-         << (PK == PathType::User ? "User" : "System") << " libraries\n"; //);
+  LLVM_DEBUG(dbgs() << "LibraryResolver::scanLibrariesIfNeeded: Scanning for "
+                    << (PK == PathType::User ? "User" : "System")
+                    << " libraries\n";);
   if (!m_scanH.leftToScan(PK))
     return false;
   LibraryScanner Scanner(m_scanH, m_libMgr, m_shouldScan);
@@ -355,7 +340,6 @@ bool LibraryResolver::scanLibrariesIfNeeded(PathType PK) {
 bool LibraryResolver::symbolExistsInLibrary(
     const LibraryInfo &lib, StringRef symbolName,
     std::vector<std::string> *allSymbols) {
-
   SymbolEnumerator::Options opts;
   return symbolExistsInLibrary(lib, symbolName, allSymbols, opts);
 }
@@ -364,7 +348,6 @@ bool LibraryResolver::symbolExistsInLibrary(
     const LibraryInfo &lib, StringRef symbolName,
     std::vector<std::string> *allSymbols,
     const SymbolEnumerator::Options &opts) {
-
   bool found = false;
 
   SymbolEnumerator::enumerateSymbols(
@@ -375,10 +358,10 @@ bool LibraryResolver::symbolExistsInLibrary(
 
         if (sym == symbolName) {
           found = true;
-          // return SymbolEnumerator::Result::Stop;
+          // return EnumerateResult::Stop;
         }
 
-        return SymbolEnumerator::Result::Continue;
+        return EnumerateResult::Continue;
       },
       opts);
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 635fd79ffc166..2339c63c24826 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -82,18 +82,16 @@ bool isSharedLibraryObject(object::ObjectFile &Obj) {
     const object::MachOObjectFile *MachO =
         dyn_cast<object::MachOObjectFile>(&Obj);
     if (!MachO) {
-      //  LLVM_DEBUG(
-      dbgs() << "Failed to cast to MachOObjectFile.\n"; //);
+      LLVM_DEBUG(dbgs() << "Failed to cast to MachOObjectFile.\n";);
       return false;
     }
-    // LLVM_DEBUG(
-    {
+    LLVM_DEBUG({
       bool Result =
           MachO->getHeader().filetype == MachO::HeaderFileType::MH_DYLIB;
       dbgs() << "Mach-O filetype: " << MachO->getHeader().filetype
              << " (MH_DYLIB == " << MachO::HeaderFileType::MH_DYLIB
              << "), shared: " << Result << "\n";
-    } //);
+    });
 
     return MachO->getHeader().filetype == MachO::HeaderFileType::MH_DYLIB;
   } else if (Obj.isCOFF()) {
@@ -102,28 +100,27 @@ bool isSharedLibraryObject(object::ObjectFile &Obj) {
       return false;
     return coff->getCharacteristics() & COFF::IMAGE_FILE_DLL;
   } else {
-    // LLVM_DEBUG(
-    dbgs() << "Binary is not an ObjectFile.\n"; //);
+    LLVM_DEBUG(dbgs() << "Binary is not an ObjectFile.\n";);
   }
 
   return false;
 }
 
 bool DylibPathValidator::isSharedLibrary(StringRef Path) {
-  // LLVM_DEBUG(
-  dbgs() << "Checking if path is a shared library: " << Path << "\n"; //);
+  LLVM_DEBUG(dbgs() << "Checking if path is a shared library: " << Path
+                    << "\n";);
 
   auto filetype = sys::fs::get_file_type(Path, /*Follow*/ true);
   if (filetype != sys::fs::file_type::regular_file) {
-    // LLVM_DEBUG(
-    dbgs() << "File type is not a regular file for path: " << Path << "\n"; //);
+    LLVM_DEBUG(dbgs() << "File type is not a regular file for path: " << Path
+                      << "\n";);
     return false;
   }
 
   auto BinOrErr = object::createBinary(Path);
   if (!BinOrErr) {
-    // LLVM_DEBUG(
-    dbgs() << "Failed to open or parse binary at path: " << Path << "\n"; //);
+    LLVM_DEBUG(dbgs() << "Failed to open or parse binary at path: " << Path
+                      << "\n";);
     // Could not open or parse the binary
     handleError(BinOrErr.takeError());
     return false;
@@ -132,42 +129,38 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
   object::Binary *Bin = BinOrErr.get().getBinary();
 
   if (Bin->isArchive()) {
-    // LLVM_DEBUG(
-    dbgs() << "Binary is archive : " << Path << "\n"; //);
+    LLVM_DEBUG(dbgs() << "Binary is archive : " << Path << "\n";);
     return false;
   }
 
   // Handle fat/universal binaries on macOS
   if (auto *UB = dyn_cast<object::MachOUniversalBinary>(Bin)) {
-    // LLVM_DEBUG(
-    dbgs() << "Universal binary detected.\n";
+    LLVM_DEBUG(dbgs() << "Universal binary detected.\n");
 
     for (auto ObjForArch : UB->objects()) {
       auto ObjOrErr = ObjForArch.getAsObjectFile();
       if (!ObjOrErr) {
-        // LLVM_DEBUG(
-        dbgs() << "Failed to extract object for arch.\n";
+        LLVM_DEBUG(dbgs() << "Failed to extract object for arch.\n");
         handleError(ObjOrErr.takeError());
         continue;
       }
 
       object::ObjectFile *Obj = ObjOrErr->get();
       if (isSharedLibraryObject(*Obj)) {
-        // LLVM_DEBUG(
-        dbgs() << "Shared library found in universal binary.\n";
+        LLVM_DEBUG(dbgs() << "Shared library found in universal binary.\n");
         return true;
       }
     }
-    // LLVM_DEBUG(
-    dbgs() << "No shared library slice found in universal binary.\n";
+    LLVM_DEBUG(
+        dbgs() << "No shared library slice found in universal binary.\n");
     return false;
   }
 
   if (auto *Obj = dyn_cast<object::ObjectFile>(Bin))
     return isSharedLibraryObject(*Obj);
 
-  // LLVM_DEBUG(
-  dbgs() << "Path is not identified as a shared library: " << Path << "\n"; //);
+  LLVM_DEBUG(dbgs() << "Path is not identified as a shared library: " << Path
+                    << "\n";);
 
   return false;
 }
@@ -213,8 +206,7 @@ SearchPathResolver::resolve(StringRef stem, const DylibSubstitutor &subst,
 
 std::optional<std::string>
 DylibResolverImpl::tryWithExtensions(StringRef libStem) const {
-  // LLVM_DEBUG(
-  dbgs() << "tryWithExtensions: baseName = " << libStem << "\n"; //);
+  LLVM_DEBUG(dbgs() << "tryWithExtensions: baseName = " << libStem << "\n";);
   SmallVector<StringRef, 4> candidates;
   candidates.push_back(libStem); // original
 
@@ -245,17 +237,16 @@ DylibResolverImpl::tryWithExtensions(StringRef libStem) const {
     candidates.push_back(withPrefix.str());
   }
 
-  // LLVM_DEBUG({
-  dbgs() << "  Candidates to try:\n";
-  for (const auto &C : candidates)
-    dbgs() << "    " << C << "\n";
-  // });
+  LLVM_DEBUG({
+    dbgs() << "  Candidates to try:\n";
+    for (const auto &C : candidates)
+      dbgs() << "    " << C << "\n";
+  });
 
   // Try all variants using tryAllPaths
   for (const auto &name : candidates) {
 
-    // LLVM_DEBUG(
-    dbgs() << "  Trying candidate: " << name << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  Trying candidate: " << name << "\n";);
 
     for (const auto &resolver : resolvers) {
       if (auto result = resolver.resolve(libStem, substitutor, validator))
@@ -263,36 +254,33 @@ DylibResolverImpl::tryWithExtensions(StringRef libStem) const {
     }
   }
 
-  // LLVM_DEBUG(
-  dbgs() << "  -> No candidate resolved.\n"; //);
+  LLVM_DEBUG(dbgs() << "  -> No candidate resolved.\n";);
 
   return std::nullopt;
 }
 
 std::optional<std::string>
 DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
-  // LLVM_DEBUG(
-  dbgs() << "Resolving library stem: " << libStem << "\n"; //);
+  LLVM_DEBUG(dbgs() << "Resolving library stem: " << libStem << "\n";);
 
   // If it is an absolute path, don't try iterate over the paths.
   if (sys::path::is_absolute(libStem)) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Absolute path detected.\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Absolute path detected.\n";);
     return validator.validate(libStem);
   }
 
   if (!libStem.starts_with("@rpath")) {
     if (auto norm = validator.validate(substitutor.substitute(libStem))) {
-      // LLVM_DEBUG(
-      dbgs() << "  -> Resolved after substitution: " << *norm << "\n"; //);
+      LLVM_DEBUG(dbgs() << "  -> Resolved after substitution: " << *norm
+                        << "\n";);
 
       return norm;
     }
   } else {
     for (const auto &resolver : resolvers) {
       if (auto result = resolver.resolve(libStem, substitutor, validator)) {
-        //  LLVM_DEBUG(
-        dbgs() << "  -> Resolved via search path: " << *result << "\n"; //);
+        LLVM_DEBUG(dbgs() << "  -> Resolved via search path: " << *result
+                          << "\n";);
 
         return result;
       }
@@ -301,20 +289,17 @@ DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
   // Expand libStem with paths, extensions, etc.
   // std::string foundName;
   if (variateLibStem) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Trying with extensions...\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Trying with extensions...\n";);
 
     if (auto norm = tryWithExtensions(libStem)) {
-      // LLVM_DEBUG(
-      dbgs() << "  -> Resolved via tryWithExtensions: " << *norm << "\n";
-      //);
+      LLVM_DEBUG(dbgs() << "  -> Resolved via tryWithExtensions: " << *norm
+                        << "\n";);
 
       return norm;
     }
   }
 
-  // LLVM_DEBUG(
-  dbgs() << "  -> Could not resolve: " << libStem << "\n"; //);
+  LLVM_DEBUG(dbgs() << "  -> Could not resolve: " << libStem << "\n";);
 
   return std::nullopt;
 }
@@ -405,17 +390,16 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
 
   if (path.empty()) {
     ec = std::make_error_code(std::errc::no_such_file_or_directory);
-    // LLVM_DEBUG(
-    dbgs() << "PathResolver::realpathCached: Empty path\n"; //);
+    LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Empty path\n";);
 
     return std::nullopt;
   }
 
   if (symloopLevel <= 0) {
     ec = std::make_error_code(std::errc::too_many_symbolic_link_levels);
-    // LLVM_DEBUG(
-    dbgs() << "PathResolver::realpathCached: Too many symlink levels: " << path
-           << "\n"; //);
+    LLVM_DEBUG(
+        dbgs() << "PathResolver::realpathCached: Too many symlink levels: "
+               << path << "\n";);
 
     return std::nullopt;
   }
@@ -426,13 +410,12 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
     if (auto cached = m_cache->read_realpath(path)) {
       ec = cached->errnoCode;
       if (ec) {
-        // LLVM_DEBUG(
-        dbgs() << "PathResolver::realpathCached: Cached (error) for " << path
-               << "\n"; //);
+        LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Cached (error) for "
+                          << path << "\n";);
       } else {
-        // LLVM_DEBUG(
-        dbgs() << "PathResolver::realpathCached: Cached (success) for " << path
-               << " => " << cached->canonicalPath << "\n"; //);
+        LLVM_DEBUG(
+            dbgs() << "PathResolver::realpathCached: Cached (success) for "
+                   << path << " => " << cached->canonicalPath << "\n";);
       }
       return cached->canonicalPath.empty()
                  ? std::nullopt
@@ -440,9 +423,8 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
     }
   }
 
-  // LLVM_DEBUG(
-  dbgs() << "PathResolver::realpathCached: Resolving path: " << path
-         << "\n"; //);
+  LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Resolving path: " << path
+                    << "\n";);
 
   // If result not in cache - call system function and cache result
 
@@ -454,8 +436,7 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   if (isRelative) {
     if (baseIsResolved) {
       resolved.assign(base);
-      // LLVM_DEBUG(
-      dbgs() << "  Using resolved base: " << base << "\n"; //);
+      LLVM_DEBUG(dbgs() << "  Using resolved base: " << base << "\n";);
     }
     createComponent(path, base, baseIsResolved, Components);
   } else {
@@ -463,11 +444,12 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   }
 
   normalizePathSegments(Components);
-  // LLVM_DEBUG({
-  for (auto &C : Components)
-    dbgs() << " " << C << " ";
+  LLVM_DEBUG({
+    for (auto &C : Components)
+      dbgs() << " " << C << " ";
 
-  dbgs() << "\n"; //});
+    dbgs() << "\n";
+  });
 
   // Handle path list items
   for (const auto &component : Components) {
@@ -486,28 +468,25 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
     size_t oldSize = resolved.size();
     sys::path::append(resolved, component);
     const char *resolvedPath = resolved.c_str();
-    // LLVM_DEBUG(
-    dbgs() << "  Processing component: " << component << " => " << resolvedPath
-           << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  Processing component: " << component << " => "
+                      << resolvedPath << "\n";);
     mode_t st_mode = lstatCached(resolvedPath);
 
     if (S_ISLNK(st_mode)) {
-      // LLVM_DEBUG(
-      dbgs() << "    Found symlink: " << resolvedPath << "\n"; //);
+      LLVM_DEBUG(dbgs() << "    Found symlink: " << resolvedPath << "\n";);
 
       auto symlinkOpt = readlinkCached(resolvedPath);
       if (!symlinkOpt) {
         ec = std::make_error_code(std::errc::no_such_file_or_directory);
         m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
-        // LLVM_DEBUG(
-        dbgs() << "    Failed to read symlink: " << resolvedPath << "\n"; //);
+        LLVM_DEBUG(dbgs() << "    Failed to read symlink: " << resolvedPath
+                          << "\n";);
 
         return std::nullopt;
       }
 
       StringRef symlink = *symlinkOpt;
-      // LLVM_DEBUG(
-      dbgs() << "    Symlink points to: " << symlink << "\n"; //);
+      LLVM_DEBUG(dbgs() << "    Symlink points to: " << symlink << "\n";);
 
       std::string resolvedBase = "";
       if (sys::path::is_relative(symlink)) {
@@ -520,22 +499,20 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
                          /*baseIsResolved=*/true, symloopLevel - 1);
       if (!realSymlink) {
         m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
-        // LLVM_DEBUG(
-        dbgs() << "    Failed to resolve symlink target: " << symlink
-               << "\n"; //);
+        LLVM_DEBUG(dbgs() << "    Failed to resolve symlink target: " << symlink
+                          << "\n";);
 
         return std::nullopt;
       }
 
       resolved.assign(*realSymlink);
-      // LLVM_DEBUG(
-      dbgs() << "    Symlink resolved to: " << resolved << "\n"; //);
+      LLVM_DEBUG(dbgs() << "    Symlink resolved to: " << resolved << "\n";);
 
     } else if (st_mode == 0) {
       ec = std::make_error_code(std::errc::no_such_file_or_directory);
       m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
-      // LLVM_DEBUG(
-      dbgs() << "    Component does not exist: " << resolvedPath << "\n"; //);
+      LLVM_DEBUG(dbgs() << "    Component does not exist: " << resolvedPath
+                        << "\n";);
 
       return std::nullopt;
     }
@@ -551,9 +528,8 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
                                        std::error_code() // success
                                    });
   }
-  // LLVM_DEBUG(
-  dbgs() << "PathResolver::realpathCached: Final resolved: " << path << " => "
-         << canonical << "\n"; //);
+  LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Final resolved: " << path
+                    << " => " << canonical << "\n";);
   return canonical;
 }
 
@@ -561,16 +537,16 @@ void LibraryScanHelper::addBasePath(const std::string &path, PathType kind) {
   std::error_code ec;
   std::string canon = resolveCanonical(path, ec);
   if (ec) {
-    // LLVM_DEBUG(
-    dbgs() << "LibraryScanHelper::addBasePath: Failed to canonicalize path: "
-           << path << "\n"; //);
+    LLVM_DEBUG(
+        dbgs()
+            << "LibraryScanHelper::addBasePath: Failed to canonicalize path: "
+            << path << "\n";);
     return;
   }
   std::unique_lock<std::shared_mutex> lock(m_mutex);
   if (m_units.count(canon)) {
-    // LLVM_DEBUG(
-    dbgs() << "LibraryScanHelper::addBasePath: Already added: " << canon
-           << "\n"; //);
+    LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Already added: "
+                      << canon << "\n";);
     return;
   }
   kind = kind == PathType::Unknown ? classifyKind(canon) : kind;
@@ -578,14 +554,12 @@ void LibraryScanHelper::addBasePath(const std::string &path, PathType kind) {
   m_units[canon] = unit;
 
   if (kind == PathType::User) {
-    // LLVM_DEBUG(
-    dbgs() << "LibraryScanHelper::addBasePath: Added User path: " << canon
-           << "\n"; //);
+    LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Added User path: "
+                      << canon << "\n";);
     m_unscannedUsr.push_back(canon);
   } else {
-    // LLVM_DEBUG(
-    dbgs() << "LibraryScanHelper::addBasePath: Added System path: " << canon
-           << "\n"; //);
+    LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Added System path: "
+                      << canon << "\n";);
     m_unscannedSys.push_back(canon);
   }
 }
@@ -672,16 +646,14 @@ PathType LibraryScanHelper::classifyKind(StringRef path) const {
 
 Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
   LibraryDepsInfo libdeps;
-  // LLVM_DEBUG(
-  dbgs() << "Parsing Mach-O dependencies...\n"; //);
+  LLVM_DEBUG(dbgs() << "Parsing Mach-O dependencies...\n";);
   for (const auto &Command : Obj.load_commands()) {
     switch (Command.C.cmd) {
     case MachO::LC_LOAD_DYLIB: {
       MachO::dylib_command dylibCmd = Obj.getDylibIDLoadCommand(Command);
       const char *name = Command.Ptr + dylibCmd.dylib.name;
       libdeps.addDep(name);
-      // LLVM_DEBUG(
-      dbgs() << "  Found LC_LOAD_DYLIB: " << name << "\n"; //);
+      LLVM_DEBUG(dbgs() << "  Found LC_LOAD_DYLIB: " << name << "\n";);
     } break;
     case MachO::LC_LOAD_WEAK_DYLIB:
     case MachO::LC_REEXPORT_DYLIB:
@@ -692,8 +664,7 @@ Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
       // Extract RPATH
       MachO::rpath_command rpathCmd = Obj.getRpathCommand(Command);
       const char *rpath = Command.Ptr + rpathCmd.path;
-      // LLVM_DEBUG(
-      dbgs() << "  Found LC_RPATH: " << rpath << "\n"; //);
+      LLVM_DEBUG(dbgs() << "  Found LC_RPATH: " << rpath << "\n";);
 
       SmallVector<StringRef, 4> RawPaths;
       SplitString(StringRef(rpath), RawPaths,
@@ -701,8 +672,7 @@ Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
 
       for (const auto &raw : RawPaths) {
         libdeps.addRPath(raw.str()); // Convert to std::string
-                                     // LLVM_DEBUG(
-        dbgs() << "    Parsed RPATH entry: " << raw << "\n"; //);
+        LLVM_DEBUG(dbgs() << "    Parsed RPATH entry: " << raw << "\n";);
       }
       break;
     }
@@ -791,8 +761,7 @@ Expected<LibraryDepsInfo> parseELF(const object::ELFFile<ELFT> &Elf) {
 
 Expected<LibraryDepsInfo> parseELFDeps(const object::ELFObjectFileBase &obj) {
   using namespace object;
-  // LLVM_DEBUG(
-  dbgs() << "parseELFDeps: Detected ELF object\n"; //);
+  LLVM_DEBUG(dbgs() << "parseELFDeps: Detected ELF object\n";);
   if (const auto *ELF = dyn_cast<ELF32LEObjectFile>(&obj))
     return parseELF(ELF->getELFFile());
   else if (const auto *ELF = dyn_cast<ELF32BEObjectFile>(&obj))
@@ -802,19 +771,17 @@ Expected<LibraryDepsInfo> parseELFDeps(const object::ELFObjectFileBase &obj) {
   else if (const auto *ELF = dyn_cast<ELF64BEObjectFile>(&obj))
     return parseELF(ELF->getELFFile());
 
-  // LLVM_DEBUG(
-  dbgs() << "parseELFDeps: Unknown ELF format\n"; //);
+  LLVM_DEBUG(dbgs() << "parseELFDeps: Unknown ELF format\n";);
   return createStringError(std::errc::not_supported, "Unknown ELF format");
 }
 
 Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
-  // LLVM_DEBUG(
-  dbgs() << "extractDeps: Attempting to open file " << filePath << "\n"; //);
+  LLVM_DEBUG(dbgs() << "extractDeps: Attempting to open file " << filePath
+                    << "\n";);
 
   auto BinOrErr = object::createBinary(filePath);
   if (!BinOrErr) {
-    // LLVM_DEBUG(
-    dbgs() << "extractDeps: Failed to open " << filePath << "\n"; //);
+    LLVM_DEBUG(dbgs() << "extractDeps: Failed to open " << filePath << "\n";);
     return handleErrorAndReturn(BinOrErr.takeError(),
                                 createStringError(std::errc::file_exists,
                                                   "Failed to open %s",
@@ -825,8 +792,8 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
   object::Binary *Bin = BinOrErr.get().getBinary();
 
   if (Bin->isArchive()) {
-    // LLVM_DEBUG(
-    dbgs() << "extractDeps: Binary is archive file " << filePath << "\n"; //);
+    LLVM_DEBUG(dbgs() << "extractDeps: Binary is archive file " << filePath
+                      << "\n";);
     return createStringError(std::errc::file_exists,
                              "Binary is archive file %s",
                              filePath.str().c_str());
@@ -837,16 +804,14 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
     for (auto ObjForArch : UB->objects()) {
       auto ObjOrErr = ObjForArch.getAsObjectFile();
       if (!ObjOrErr) {
-        // LLVM_DEBUG(
-        dbgs() << "Failed to extract object for arch.\n";
+        LLVM_DEBUG(dbgs() << "Failed to extract object for arch.\n");
         handleError(ObjOrErr.takeError());
         continue;
       }
 
       if (auto *macho = dyn_cast<object::MachOObjectFile>(ObjOrErr->get())) {
-        // LLVM_DEBUG(
-        dbgs() << "extractDeps: File " << filePath
-               << " is a Mach-O object\n"; //);
+        LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
+                          << " is a Mach-O object\n";);
         return parseMachODeps(*macho);
       }
     }
@@ -854,22 +819,20 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
     object::ObjectFile *Obj = dyn_cast<object::ObjectFile>(Bin);
 
     if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {
-      // LLVM_DEBUG(
-      dbgs() << "extractDeps: File " << filePath << " is an ELF object\n"; //);
+      LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
+                        << " is an ELF object\n";);
 
       return parseELFDeps(*elfObj);
     }
 
     if (auto *macho = dyn_cast<object::MachOObjectFile>(Obj)) {
-      // LLVM_DEBUG(
-      dbgs() << "extractDeps: File " << filePath
-             << " is a Mach-O object\n"; //);
+      LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
+                        << " is a Mach-O object\n";);
       return parseMachODeps(*macho);
     }
   }
-  // LLVM_DEBUG(
-  dbgs() << "extractDeps: Unsupported binary format for file " << filePath
-         << "\n"; //);
+  LLVM_DEBUG(dbgs() << "extractDeps: Unsupported binary format for file "
+                    << filePath << "\n";);
   return createStringError(inconvertibleErrorCode(),
                            "Unsupported binary format: %s",
                            filePath.str().c_str());
@@ -878,13 +841,11 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
 std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
   std::error_code EC;
 
-  // LLVM_DEBUG(
-  dbgs() << "[shouldScan] Checking: " << filePath << "\n"; //);
+  LLVM_DEBUG(dbgs() << "[shouldScan] Checking: " << filePath << "\n";);
 
   // [1] Check file existence early
   if (!sys::fs::exists(filePath)) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Skipped: file does not exist.\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Skipped: file does not exist.\n";);
 
     return std::nullopt;
   }
@@ -892,9 +853,8 @@ std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
   // [2] Resolve to canonical path
   auto CanonicalPathOpt = m_helper.resolve(filePath, EC);
   if (EC || !CanonicalPathOpt) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Skipped: failed to resolve path (EC=" << EC.message()
-           << ").\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Skipped: failed to resolve path (EC="
+                      << EC.message() << ").\n";);
 
     return std::nullopt;
   }
@@ -904,58 +864,51 @@ std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
 
   // [3] Check if it's a directory — skip directories
   if (sys::fs::is_directory(CanonicalPath)) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Skipped: path is a directory.\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Skipped: path is a directory.\n";);
 
     return std::nullopt;
   }
 
   // [4] Skip if it's not a shared library.
   if (!DylibPathValidator::isSharedLibrary(CanonicalPath)) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Skipped: not a shared library.\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Skipped: not a shared library.\n";);
 
     return std::nullopt;
   }
 
   // [5] Skip if we've already seen this path (via cache)
   if (m_helper.hasSeenOrMark(CanonicalPath)) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Skipped: already seen.\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Skipped: already seen.\n";);
 
     return std::nullopt;
   }
 
   // [6] Already tracked in LibraryManager?
   if (m_libMgr.hasLibrary(CanonicalPath)) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Skipped: already tracked by LibraryManager.\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Skipped: already tracked by LibraryManager.\n";);
 
     return std::nullopt;
   }
 
   // [7] Run user-defined hook (default: always true)
   if (!shouldScanCall(CanonicalPath)) {
-    // LLVM_DEBUG(
-    dbgs() << "  -> Skipped: user-defined hook rejected.\n"; //);
+    LLVM_DEBUG(dbgs() << "  -> Skipped: user-defined hook rejected.\n";);
 
     return std::nullopt;
   }
 
-  // LLVM_DEBUG(
-  dbgs() << "  -> Accepted: ready to scan " << CanonicalPath << "\n"; //);
+  LLVM_DEBUG(dbgs() << "  -> Accepted: ready to scan " << CanonicalPath
+                    << "\n";);
   return CanonicalPath;
 }
 
 void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
-  // LLVM_DEBUG(
-  dbgs() << "LibraryScanner::handleLibrary: Scanning: " << filePath
-         << ", level=" << level << "\n"; //);
+  LLVM_DEBUG(dbgs() << "LibraryScanner::handleLibrary: Scanning: " << filePath
+                    << ", level=" << level << "\n";);
   auto CanonPathOpt = shouldScan(filePath);
   if (!CanonPathOpt) {
-    // LLVM_DEBUG(
-    dbgs() << "  Skipped (shouldScan returned false): " << filePath
-           << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  Skipped (shouldScan returned false): " << filePath
+                      << "\n";);
 
     return;
   }
@@ -963,65 +916,61 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
 
   auto DepsOrErr = extractDeps(CanonicalPath);
   if (!DepsOrErr) {
-    // LLVM_DEBUG(
-    dbgs() << "  Failed to extract deps for: " << CanonicalPath << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  Failed to extract deps for: " << CanonicalPath
+                      << "\n";);
     handleError(DepsOrErr.takeError());
     return;
   }
 
   LibraryDepsInfo &Deps = *DepsOrErr;
 
-  // LLVM_DEBUG({
-  dbgs() << "    Found deps : \n";
-  for (const auto &dep : Deps.deps)
-    dbgs() << "        : " << dep << "\n";
-  dbgs() << "    Found @rpath : " << Deps.rpath.size() << "\n";
-  for (const auto &r : Deps.rpath)
-    dbgs() << "     : " << r << "\n";
-  dbgs() << "    Found @runpath : \n";
-  for (const auto &r : Deps.runPath)
-    dbgs() << "     : " << r << "\n";
-  // });
+  LLVM_DEBUG({
+    dbgs() << "    Found deps : \n";
+    for (const auto &dep : Deps.deps)
+      dbgs() << "        : " << dep << "\n";
+    dbgs() << "    Found @rpath : " << Deps.rpath.size() << "\n";
+    for (const auto &r : Deps.rpath)
+      dbgs() << "     : " << r << "\n";
+    dbgs() << "    Found @runpath : \n";
+    for (const auto &r : Deps.runPath)
+      dbgs() << "     : " << r << "\n";
+  });
 
   if (Deps.isPIE && level == 0) {
-    // LLVM_DEBUG(
-    dbgs() << "  Skipped PIE executable at top level: " << CanonicalPath
-           << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  Skipped PIE executable at top level: "
+                      << CanonicalPath << "\n";);
 
     return;
   }
 
   bool added = m_libMgr.addLibrary(CanonicalPath, K);
   if (!added) {
-    // LLVM_DEBUG(
-    dbgs() << "  Already added: " << CanonicalPath << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  Already added: " << CanonicalPath << "\n";);
     return;
   }
 
   // Heuristic 1: No RPATH/RUNPATH, skip deps
   if (Deps.rpath.empty() && Deps.runPath.empty()) {
-    // LLVM_DEBUG(
-    dbgs() << "LibraryScanner::handleLibrary: Skipping deps (Heuristic1): "
-           << CanonicalPath << "\n"; //);
+    LLVM_DEBUG(
+        dbgs() << "LibraryScanner::handleLibrary: Skipping deps (Heuristic1): "
+               << CanonicalPath << "\n";);
     return;
   }
 
   // Heuristic 2: All RPATH and RUNPATH already tracked
   auto allTracked = [&](const auto &Paths) {
-    // LLVM_DEBUG(
-    dbgs() << "   Checking : " << Paths.size() << "\n"; //);
+    LLVM_DEBUG(dbgs() << "   Checking : " << Paths.size() << "\n";);
     return std::all_of(Paths.begin(), Paths.end(), [&](StringRef P) {
-      // LLVM_DEBUG(
-      dbgs() << "      Checking isTrackedBasePath : " << P << "\n"; //);
+      LLVM_DEBUG(dbgs() << "      Checking isTrackedBasePath : " << P << "\n";);
       return m_helper.isTrackedBasePath(
           DylibResolver::resolvelinkerFlag(P, CanonicalPath));
     });
   };
 
   if (allTracked(Deps.rpath) && allTracked(Deps.runPath)) {
-    // LLVM_DEBUG(
-    dbgs() << "LibraryScanner::handleLibrary: Skipping deps (Heuristic2): "
-           << CanonicalPath << "\n"; //);
+    LLVM_DEBUG(
+        dbgs() << "LibraryScanner::handleLibrary: Skipping deps (Heuristic2): "
+               << CanonicalPath << "\n";);
     return;
   }
 
@@ -1029,17 +978,14 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
   DylibResolver m_libResolver(validator);
   m_libResolver.configure(CanonicalPath, Deps.rpath, Deps.runPath);
   for (StringRef dep : Deps.deps) {
-    // LLVM_DEBUG(
-    dbgs() << "  Resolving dep: " << dep << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  Resolving dep: " << dep << "\n";);
     auto dep_fullopt = m_libResolver.resolve(dep);
     if (!dep_fullopt) {
-      // LLVM_DEBUG(
-      dbgs() << "    Failed to resolve dep: " << dep << "\n"; //);
+      LLVM_DEBUG(dbgs() << "    Failed to resolve dep: " << dep << "\n";);
 
       continue;
     }
-    // LLVM_DEBUG(
-    dbgs() << "    Resolved dep to: " << *dep_fullopt << "\n"; //);
+    LLVM_DEBUG(dbgs() << "    Resolved dep to: " << *dep_fullopt << "\n";);
 
     handleLibrary(*dep_fullopt, K, level + 1);
   }
@@ -1047,15 +993,14 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
 
 void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
   if (!sys::fs::is_directory(unit->basePath) || unit->basePath.empty()) {
-    // LLVM_DEBUG(
-    dbgs() << "LibraryScanner::scanBaseDir: Invalid or empty basePath: "
-           << unit->basePath << "\n"; //);
+    LLVM_DEBUG(
+        dbgs() << "LibraryScanner::scanBaseDir: Invalid or empty basePath: "
+               << unit->basePath << "\n";);
     return;
   }
 
-  // LLVM_DEBUG(
-  dbgs() << "LibraryScanner::scanBaseDir: Scanning directory: "
-         << unit->basePath << "\n"; //);
+  LLVM_DEBUG(dbgs() << "LibraryScanner::scanBaseDir: Scanning directory: "
+                    << unit->basePath << "\n";);
   std::error_code ec;
 
   unit->state.store(ScanState::Scanning);
@@ -1068,8 +1013,7 @@ void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
 
     auto status = *entry.status();
     if (sys::fs::is_regular_file(status) || sys::fs::is_symlink_file(status)) {
-      // LLVM_DEBUG(
-      dbgs() << "  Found file: " << entry.path() << "\n"; //);
+      LLVM_DEBUG(dbgs() << "  Found file: " << entry.path() << "\n";);
       // async support ?
       handleLibrary(entry.path(), unit->kind);
     }
@@ -1079,15 +1023,14 @@ void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
 }
 
 void LibraryScanner::scanNext(PathType K, size_t batchSize) {
-  // LLVM_DEBUG(
-  dbgs() << "LibraryScanner::scanNext: Scanning next batch of size "
-         << batchSize << " for kind "
-         << (K == PathType::User ? "User" : "System") << "\n"; //);
+  LLVM_DEBUG(dbgs() << "LibraryScanner::scanNext: Scanning next batch of size "
+                    << batchSize << " for kind "
+                    << (K == PathType::User ? "User" : "System") << "\n";);
 
   auto Units = m_helper.getNextBatch(K, batchSize);
   for (auto &unit : Units) {
-    // LLVM_DEBUG(
-    dbgs() << "  Scanning unit with basePath: " << unit->basePath << "\n"; //);
+    LLVM_DEBUG(dbgs() << "  Scanning unit with basePath: " << unit->basePath
+                      << "\n";);
 
     scanBaseDir(unit);
   }

>From b697bb72881edcd377b173682f088ed8305b9b4d Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Mon, 4 Aug 2025 10:16:28 +0530
Subject: [PATCH 15/37] Simplify and deduplicate object file creation logic

---
 .../Orc/TargetProcess/LibraryResolver.h       |   6 +-
 .../Orc/TargetProcess/LibraryScanner.h        |  35 ++++
 .../Orc/TargetProcess/LibraryResolver.cpp     |  31 ++-
 .../Orc/TargetProcess/LibraryScanner.cpp      | 194 +++++++++++-------
 4 files changed, 168 insertions(+), 98 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index cbc4c62dcd289..6277695c07fa2 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -379,7 +379,7 @@ class LibraryResolver {
     std::shared_ptr<LibraryPathCache> cache;
     std::shared_ptr<PathResolver> resolver;
 
-    bool includeSys = false;
+    size_t scanBatchSize = 1;
 
     LibraryScanner::shouldScanFn shouldScan = [](StringRef) { return true; };
 
@@ -389,8 +389,6 @@ class LibraryResolver {
     create(std::vector<std::string> basePaths,
            std::shared_ptr<LibraryPathCache> existingCache = nullptr,
            std::shared_ptr<PathResolver> existingResolver = nullptr,
-           //  std::shared_ptr<DylibPathResolver> existingDylibResolver =
-           //  nullptr,
            LibraryScanner::shouldScanFn customShouldScan = nullptr) {
       Setup setup;
       setup.basePaths = std::move(basePaths);
@@ -450,7 +448,7 @@ class LibraryResolver {
   BloomFilterBuilder FB;
   LibraryManager m_libMgr;
   LibraryScanner::shouldScanFn m_shouldScan;
-  bool includeSys;
+  size_t scanBatchSize;
 };
 
 using SymbolEnumerator = LibraryResolver::SymbolEnumerator;
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 33430eb5522ad..8fbd3d0452790 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -18,6 +18,7 @@
 #include "llvm/ADT/SmallVector.h"
 #include "llvm/ADT/StringRef.h"
 #include "llvm/ADT/StringSet.h"
+#include "llvm/Object/ObjectFile.h"
 #include "llvm/Support/Error.h"
 
 #include "llvm/Support/Allocator.h"
@@ -356,6 +357,40 @@ class LibraryScanHelper {
   std::deque<std::string> m_unscannedSys;
 };
 
+class ObjectFileLoader {
+public:
+  explicit ObjectFileLoader(StringRef Path) {
+    auto ObjOrErr = loadObjectFileWithOwnership(Path);
+    if (ObjOrErr)
+      Obj = std::move(*ObjOrErr);
+    else {
+      consumeError(std::move(Err));
+      Err = ObjOrErr.takeError();
+    }
+  }
+
+  ObjectFileLoader(const ObjectFileLoader &) = delete;
+  ObjectFileLoader &operator=(const ObjectFileLoader &) = delete;
+
+  ObjectFileLoader(ObjectFileLoader &&) = default;
+  ObjectFileLoader &operator=(ObjectFileLoader &&) = default;
+
+  Expected<object::ObjectFile &> getObjectFile() {
+    if (Err)
+      return std::move(Err);
+    return *Obj.getBinary();
+  }
+
+  static bool isArchitectureCompatible(const object::ObjectFile &Obj);
+
+private:
+  object::OwningBinary<object::ObjectFile> Obj;
+  Error Err = Error::success();
+
+  static Expected<object::OwningBinary<object::ObjectFile>>
+  loadObjectFileWithOwnership(StringRef FilePath);
+};
+
 class LibraryScanner {
 public:
   using shouldScanFn = std::function<bool(StringRef)>;
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
index 1a7b752dd643b..c7ea60bede6f6 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
@@ -27,7 +27,7 @@
 #include <mutex>
 #include <thread>
 
-#define DEBUG_TYPE "orc"
+#define DEBUG_TYPE "orc-resolver"
 
 namespace llvm::orc {
 
@@ -39,10 +39,10 @@ LibraryResolver::LibraryResolver(const LibraryResolver::Setup &setup)
       FB(setup.filterBuilder), m_libMgr(),
       m_shouldScan(setup.shouldScan ? setup.shouldScan
                                     : [](StringRef) { return true; }),
-      includeSys(setup.includeSys) {
+      scanBatchSize(setup.scanBatchSize) {
 
   if (m_scanH.getAllUnits().empty()) {
-    errs() << "Warning: No base paths provided for scanning.\n";
+    LLVM_DEBUG(dbgs() << "Warning: No base paths provided for scanning.\n");
   }
 }
 
@@ -95,14 +95,6 @@ static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
 
   uint32_t Flags = *FlagsOrErr;
 
-  if (Flags & object::BasicSymbolRef::SF_FormatSpecific ||
-      Flags & object::BasicSymbolRef::SF_Hidden)
-    return true;
-
-  if (!(Flags & object::BasicSymbolRef::SF_Global) &&
-      !(Flags & object::BasicSymbolRef::SF_Exported))
-    return true;
-
   using Filter = SymbolEnumerator::Filter;
   if ((IgnoreFlags & Filter::IgnoreUndefined) &&
       (Flags & object::SymbolRef::SF_Undefined))
@@ -122,7 +114,9 @@ bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
   if (Path.empty())
     return false;
 
-  auto ObjOrErr = object::ObjectFile::createObjectFile(Path);
+  ObjectFileLoader ObjLoader(Path);
+
+  auto ObjOrErr = ObjLoader.getObjectFile();
   if (!ObjOrErr) {
     handleAllErrors(ObjOrErr.takeError(), [&](const ErrorInfoBase &EIB) {
       errs() << "Error loading object: " << EIB.message() << "\n";
@@ -130,7 +124,7 @@ bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
     return false;
   }
 
-  object::ObjectFile *Obj = ObjOrErr.get().getBinary();
+  object::ObjectFile *Obj = &ObjOrErr.get();
 
   auto processSymbolRange =
       [&](object::ObjectFile::symbol_iterator_range Range) -> EnumerateResult {
@@ -248,9 +242,11 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
                       << "\n";);
     lib.ensureFilterBuilt(FB,
                           {discoveredSymbols.begin(), discoveredSymbols.end()});
-    dbgs() << "discoveredSymbols : " << discoveredSymbols.size() << "\n";
-    for (const auto &sym : discoveredSymbols)
-      dbgs() << "discoveredSymbols : " << sym << "\n";
+    LLVM_DEBUG({
+      dbgs() << "discoveredSymbols : " << discoveredSymbols.size() << "\n";
+      for (const auto &sym : discoveredSymbols)
+        dbgs() << "discoveredSymbols : " << sym << "\n";
+    });
   }
 
   const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
@@ -332,8 +328,9 @@ bool LibraryResolver::scanLibrariesIfNeeded(PathType PK) {
                     << " libraries\n";);
   if (!m_scanH.leftToScan(PK))
     return false;
+
   LibraryScanner Scanner(m_scanH, m_libMgr, m_shouldScan);
-  Scanner.scanNext(PK);
+  Scanner.scanNext(PK, scanBatchSize);
   return true;
 }
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 2339c63c24826..db110bed13d65 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -24,6 +24,8 @@
 #include "llvm/Object/ObjectFile.h"
 #include "llvm/Support/Error.h"
 #include "llvm/Support/MemoryBuffer.h"
+#include "llvm/TargetParser/Host.h"
+#include "llvm/TargetParser/Triple.h"
 
 #ifdef LLVM_ON_UNIX
 #include <sys/stat.h>
@@ -36,7 +38,7 @@
 #undef LC_RPATH
 #endif // __APPLE__
 
-#define DEBUG_TYPE "orc"
+#define DEBUG_TYPE "orc-scanner"
 
 namespace llvm::orc {
 
@@ -63,6 +65,98 @@ T handleExpectedAndReturn(Expected<T> &&ValOrErr, T ReturnValue,
   return *ValOrErr;
 }
 
+bool ObjectFileLoader::isArchitectureCompatible(const object::ObjectFile &Obj) {
+  Triple HostTriple(sys::getDefaultTargetTriple());
+  auto HostArch = HostTriple.getArch();
+  Triple ObjTriple = Obj.makeTriple();
+
+  return HostArch == ObjTriple.getArch();
+}
+
+Expected<object::OwningBinary<object::ObjectFile>>
+ObjectFileLoader::loadObjectFileWithOwnership(StringRef FilePath) {
+  LLVM_DEBUG(dbgs() << "ObjectFileLoader: Attempting to open file " << FilePath
+                    << "\n";);
+  auto BinOrErr = object::createBinary(FilePath);
+  if (!BinOrErr) {
+    LLVM_DEBUG(dbgs() << "ObjectFileLoader: Failed to open file " << FilePath
+                      << "\n";);
+    return BinOrErr.takeError();
+  }
+
+  LLVM_DEBUG(dbgs() << "ObjectFileLoader: Successfully opened file " << FilePath
+                    << "\n";);
+
+  auto OwningBin = BinOrErr->takeBinary();
+  object::Binary *Bin = OwningBin.first.get();
+
+  if (Bin->isArchive()) {
+    LLVM_DEBUG(dbgs() << "ObjectFileLoader: File is an archive, not supported: "
+                      << FilePath << "\n";);
+    return createStringError(std::errc::invalid_argument,
+                             "Archive files are not supported: %s",
+                             FilePath.str().c_str());
+  }
+
+#if defined(__APPLE__)
+  if (auto *UB = dyn_cast<object::MachOUniversalBinary>(Bin)) {
+    LLVM_DEBUG(dbgs() << "ObjectFileLoader: Detected Mach-O universal binary: "
+                      << FilePath << "\n";);
+    for (auto ObjForArch : UB->objects()) {
+      auto ObjOrErr = ObjForArch.getAsObjectFile();
+      if (!ObjOrErr) {
+        LLVM_DEBUG(
+            dbgs()
+                << "ObjectFileLoader: Skipping invalid architecture slice\n";);
+
+        consumeError(ObjOrErr.takeError());
+        continue;
+      }
+
+      std::unique_ptr<object::ObjectFile> Obj = std::move(ObjOrErr.get());
+      if (isArchitectureCompatible(*Obj)) {
+        LLVM_DEBUG(
+            dbgs() << "ObjectFileLoader: Found compatible object slice\n";);
+
+        return object::OwningBinary<object::ObjectFile>(
+            std::move(Obj), std::move(OwningBin.second));
+
+      } else {
+        LLVM_DEBUG(dbgs() << "ObjectFileLoader: Incompatible architecture "
+                             "slice skipped\n";);
+      }
+    }
+    LLVM_DEBUG(dbgs() << "ObjectFileLoader: No compatible slices found in "
+                         "universal binary\n";);
+    return createStringError(inconvertibleErrorCode(),
+                             "No compatible object found in fat binary: %s",
+                             FilePath.str().c_str());
+  }
+#endif
+
+  auto ObjOrErr =
+      object::ObjectFile::createObjectFile(Bin->getMemoryBufferRef());
+  if (!ObjOrErr) {
+    LLVM_DEBUG(dbgs() << "ObjectFileLoader: Failed to create object file\n";);
+    return ObjOrErr.takeError();
+  }
+  LLVM_DEBUG(dbgs() << "ObjectFileLoader: Detected object file\n";);
+
+  std::unique_ptr<object::ObjectFile> Obj = std::move(*ObjOrErr);
+  if (!isArchitectureCompatible(*Obj)) {
+    LLVM_DEBUG(dbgs() << "ObjectFileLoader: Incompatible architecture: "
+                      << FilePath << "\n";);
+    return createStringError(inconvertibleErrorCode(),
+                             "Incompatible object file: %s",
+                             FilePath.str().c_str());
+  }
+
+  LLVM_DEBUG(dbgs() << "ObjectFileLoader: Object file is compatible\n";);
+
+  return object::OwningBinary<object::ObjectFile>(std::move(Obj),
+                                                  std::move(OwningBin.second));
+}
+
 template <class ELFT>
 bool isELFSharedLibrary(const object::ELFFile<ELFT> &ELFObj) {
   return ELFObj.getHeader().e_type == ELF::ET_DYN;
@@ -117,47 +211,19 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
     return false;
   }
 
-  auto BinOrErr = object::createBinary(Path);
-  if (!BinOrErr) {
-    LLVM_DEBUG(dbgs() << "Failed to open or parse binary at path: " << Path
-                      << "\n";);
-    // Could not open or parse the binary
-    handleError(BinOrErr.takeError());
-    return false;
-  }
+  ObjectFileLoader ObjLoader(Path);
 
-  object::Binary *Bin = BinOrErr.get().getBinary();
+  auto ObjOrErr = ObjLoader.getObjectFile();
 
-  if (Bin->isArchive()) {
-    LLVM_DEBUG(dbgs() << "Binary is archive : " << Path << "\n";);
+  if (!ObjOrErr) {
+    consumeError(ObjOrErr.takeError());
     return false;
   }
 
-  // Handle fat/universal binaries on macOS
-  if (auto *UB = dyn_cast<object::MachOUniversalBinary>(Bin)) {
-    LLVM_DEBUG(dbgs() << "Universal binary detected.\n");
-
-    for (auto ObjForArch : UB->objects()) {
-      auto ObjOrErr = ObjForArch.getAsObjectFile();
-      if (!ObjOrErr) {
-        LLVM_DEBUG(dbgs() << "Failed to extract object for arch.\n");
-        handleError(ObjOrErr.takeError());
-        continue;
-      }
-
-      object::ObjectFile *Obj = ObjOrErr->get();
-      if (isSharedLibraryObject(*Obj)) {
-        LLVM_DEBUG(dbgs() << "Shared library found in universal binary.\n");
-        return true;
-      }
-    }
-    LLVM_DEBUG(
-        dbgs() << "No shared library slice found in universal binary.\n");
-    return false;
-  }
+  object::ObjectFile &Obj = ObjOrErr.get();
 
-  if (auto *Obj = dyn_cast<object::ObjectFile>(Bin))
-    return isSharedLibraryObject(*Obj);
+  if (isSharedLibraryObject(Obj))
+    return true;
 
   LLVM_DEBUG(dbgs() << "Path is not identified as a shared library: " << Path
                     << "\n";);
@@ -779,58 +845,32 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
   LLVM_DEBUG(dbgs() << "extractDeps: Attempting to open file " << filePath
                     << "\n";);
 
-  auto BinOrErr = object::createBinary(filePath);
-  if (!BinOrErr) {
+  ObjectFileLoader ObjLoader(filePath);
+  auto ObjOrErr = ObjLoader.getObjectFile();
+  if (!ObjOrErr) {
     LLVM_DEBUG(dbgs() << "extractDeps: Failed to open " << filePath << "\n";);
-    return handleErrorAndReturn(BinOrErr.takeError(),
+    return handleErrorAndReturn(ObjOrErr.takeError(),
                                 createStringError(std::errc::file_exists,
                                                   "Failed to open %s",
                                                   filePath.str().c_str()),
                                 "LibraryScanner::extractDeps");
   }
 
-  object::Binary *Bin = BinOrErr.get().getBinary();
+  object::ObjectFile *Obj = &ObjOrErr.get();
 
-  if (Bin->isArchive()) {
-    LLVM_DEBUG(dbgs() << "extractDeps: Binary is archive file " << filePath
-                      << "\n";);
-    return createStringError(std::errc::file_exists,
-                             "Binary is archive file %s",
-                             filePath.str().c_str());
-  }
+  if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {
+    LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
+                      << " is an ELF object\n";);
 
-  // Handle fat/universal binaries on macOS
-  if (auto *UB = dyn_cast<object::MachOUniversalBinary>(Bin)) {
-    for (auto ObjForArch : UB->objects()) {
-      auto ObjOrErr = ObjForArch.getAsObjectFile();
-      if (!ObjOrErr) {
-        LLVM_DEBUG(dbgs() << "Failed to extract object for arch.\n");
-        handleError(ObjOrErr.takeError());
-        continue;
-      }
-
-      if (auto *macho = dyn_cast<object::MachOObjectFile>(ObjOrErr->get())) {
-        LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
-                          << " is a Mach-O object\n";);
-        return parseMachODeps(*macho);
-      }
-    }
-  } else if (Bin->isObject()) {
-    object::ObjectFile *Obj = dyn_cast<object::ObjectFile>(Bin);
-
-    if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {
-      LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
-                        << " is an ELF object\n";);
-
-      return parseELFDeps(*elfObj);
-    }
+    return parseELFDeps(*elfObj);
+  }
 
-    if (auto *macho = dyn_cast<object::MachOObjectFile>(Obj)) {
-      LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
-                        << " is a Mach-O object\n";);
-      return parseMachODeps(*macho);
-    }
+  if (auto *macho = dyn_cast<object::MachOObjectFile>(Obj)) {
+    LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
+                      << " is a Mach-O object\n";);
+    return parseMachODeps(*macho);
   }
+
   LLVM_DEBUG(dbgs() << "extractDeps: Unsupported binary format for file "
                     << filePath << "\n";);
   return createStringError(inconvertibleErrorCode(),

>From 2ebd0eba7903986542d8250fb6d4880d37f0c303 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Mon, 4 Aug 2025 15:20:08 +0530
Subject: [PATCH 16/37] Windows minor fix

---
 .../lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp | 5 +++++
 1 file changed, 5 insertions(+)

diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index db110bed13d65..46683f8b53ec9 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -871,6 +871,11 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
     return parseMachODeps(*macho);
   }
 
+  if (auto *coff = dyn_cast<object::COFFObjectFile>(Obj)) {
+    // TODO: COFF support
+    return LibraryDepsInfo();
+  }
+
   LLVM_DEBUG(dbgs() << "extractDeps: Unsupported binary format for file "
                     << filePath << "\n";);
   return createStringError(inconvertibleErrorCode(),

>From efd6e0b02edc9b88547b1de29c4c64be6611969a Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Thu, 7 Aug 2025 15:39:29 +0530
Subject: [PATCH 17/37] Improve shared library detection logic

---
 .../Orc/TargetProcess/LibraryScanner.cpp      | 106 +++++++++++++-----
 1 file changed, 75 insertions(+), 31 deletions(-)

diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 46683f8b53ec9..771657549c76c 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -51,26 +51,27 @@ void handleError(Error Err, StringRef context = "") {
   }));
 }
 
-template <typename T>
-T handleErrorAndReturn(Error Err, T ReturnValue, StringRef context = "") {
-  handleError(std::move(Err), context);
-  return ReturnValue;
-}
-
-template <typename T>
-T handleExpectedAndReturn(Expected<T> &&ValOrErr, T ReturnValue,
-                          StringRef context = "") {
-  if (!ValOrErr)
-    return handleErrorAndReturn(ValOrErr.takeError(), ReturnValue, context);
-  return *ValOrErr;
-}
-
 bool ObjectFileLoader::isArchitectureCompatible(const object::ObjectFile &Obj) {
   Triple HostTriple(sys::getDefaultTargetTriple());
-  auto HostArch = HostTriple.getArch();
   Triple ObjTriple = Obj.makeTriple();
 
-  return HostArch == ObjTriple.getArch();
+  LLVM_DEBUG({
+    dbgs() << "Host triple: " << HostTriple.str()
+           << ", Object triple: " << ObjTriple.str() << "\n";
+  });
+
+  if (HostTriple.getArch() != ObjTriple.getArch())
+    return false;
+
+  if (ObjTriple.getOS() != Triple::UnknownOS &&
+      HostTriple.getOS() != ObjTriple.getOS())
+    return false;
+
+  if (ObjTriple.getEnvironment() != Triple::UnknownEnvironment &&
+      HostTriple.getEnvironment() != ObjTriple.getEnvironment())
+    return false;
+
+  return true;
 }
 
 Expected<object::OwningBinary<object::ObjectFile>>
@@ -159,7 +160,21 @@ ObjectFileLoader::loadObjectFileWithOwnership(StringRef FilePath) {
 
 template <class ELFT>
 bool isELFSharedLibrary(const object::ELFFile<ELFT> &ELFObj) {
-  return ELFObj.getHeader().e_type == ELF::ET_DYN;
+  if (ELFObj.getHeader().e_type != ELF::ET_DYN)
+    return false;
+
+  auto PHOrErr = ELFObj.program_headers();
+  if (!PHOrErr) {
+    consumeError(PHOrErr.takeError());
+    return true;
+  }
+
+  for (auto Phdr : *PHOrErr) {
+    if (Phdr.p_type == ELF::PT_INTERP)
+      return false;
+  }
+
+  return true;
 }
 
 bool isSharedLibraryObject(object::ObjectFile &Obj) {
@@ -211,23 +226,56 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
     return false;
   }
 
-  ObjectFileLoader ObjLoader(Path);
-
-  auto ObjOrErr = ObjLoader.getObjectFile();
+  file_magic MagicCode;
+  identify_magic(Path, MagicCode);
 
-  if (!ObjOrErr) {
-    consumeError(ObjOrErr.takeError());
+  // Skip archives.
+  if (MagicCode == file_magic::archive)
     return false;
+
+    // Universal binary handling.
+#if defined(__APPLE__)
+  if (MagicCode == file_magic::macho_universal_binary) {
+    ObjectFileLoader ObjLoader(Path);
+    auto ObjOrErr = ObjLoader.getObjectFile();
+    if (!ObjOrErr) {
+      consumeError(ObjOrErr.takeError());
+      return false;
+    }
+    return isSharedLibraryObject(ObjOrErr.get());
   }
+#endif
 
-  object::ObjectFile &Obj = ObjOrErr.get();
+  // Object file inspection for PE/COFF, ELF, and Mach-O
+  bool NeedsObjectInspection =
+#if defined(_WIN32)
+      (MagicCode == file_magic::pecoff_executable);
+#elif defined(__APPLE__)
+      (MagicCode == file_magic::macho_fixed_virtual_memory_shared_lib ||
+       MagicCode == file_magic::macho_dynamically_linked_shared_lib ||
+       MagicCode == file_magic::macho_dynamically_linked_shared_lib_stub);
+#elif defined(LLVM_ON_UNIX)
+#ifdef __CYGWIN__
+      (MagicCode == file_magic::pecoff_executable);
+#else
+      (MagicCode == file_magic::elf_shared_object);
+#endif
+#else
+#error "Unsupported platform."
+#endif
 
-  if (isSharedLibraryObject(Obj))
-    return true;
+  if (NeedsObjectInspection) {
+    ObjectFileLoader ObjLoader(Path);
+    auto ObjOrErr = ObjLoader.getObjectFile();
+    if (!ObjOrErr) {
+      consumeError(ObjOrErr.takeError());
+      return false;
+    }
+    return isSharedLibraryObject(ObjOrErr.get());
+  }
 
   LLVM_DEBUG(dbgs() << "Path is not identified as a shared library: " << Path
                     << "\n";);
-
   return false;
 }
 
@@ -849,11 +897,7 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
   auto ObjOrErr = ObjLoader.getObjectFile();
   if (!ObjOrErr) {
     LLVM_DEBUG(dbgs() << "extractDeps: Failed to open " << filePath << "\n";);
-    return handleErrorAndReturn(ObjOrErr.takeError(),
-                                createStringError(std::errc::file_exists,
-                                                  "Failed to open %s",
-                                                  filePath.str().c_str()),
-                                "LibraryScanner::extractDeps");
+    return ObjOrErr.takeError();
   }
 
   object::ObjectFile *Obj = &ObjOrErr.get();

>From 4a8e81db25e0354adba292a58f2c2e6b35357968 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Wed, 13 Aug 2025 16:03:25 +0530
Subject: [PATCH 18/37] Improve scanner logic

---
 .../Orc/TargetProcess/LibraryScanner.h              | 13 ++++++-------
 .../Orc/TargetProcess/LibraryScanner.cpp            | 11 ++++++-----
 2 files changed, 12 insertions(+), 12 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 8fbd3d0452790..45cb505681eeb 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -253,7 +253,7 @@ class DylibResolver {
   DylibResolver(DylibPathValidator &validator) : validator(validator) {}
 
   void configure(StringRef loaderPath, ArrayRef<StringRef> rpaths,
-                 ArrayRef<StringRef> runpaths) {
+                 ArrayRef<StringRef> runpaths, ArrayRef<StringRef> extra = {}) {
     DylibSubstitutor substitutor;
     substitutor.configure(loaderPath);
 
@@ -261,7 +261,9 @@ class DylibResolver {
     if (!rpaths.empty())
       resolvers.emplace_back(rpaths, "@rpath");
     if (!runpaths.empty())
-      resolvers.emplace_back(runpaths, "@rpath"); // still usually @rpath
+      resolvers.emplace_back(runpaths, "@rpath");
+    if (!extra.empty())
+      resolvers.emplace_back(extra, "@rpath");
 
     impl_ = std::make_unique<DylibResolverImpl>(
         std::move(substitutor), validator, std::move(resolvers));
@@ -276,9 +278,6 @@ class DylibResolver {
 
   static std::string resolvelinkerFlag(StringRef libStem,
                                        StringRef loaderPath) {
-    // StringRef rpath("@rpath");
-    // if (libStem.starts_with(rpath))
-    //   return libStem.drop_front(rpath.size()).str();
     DylibSubstitutor substitutor;
     substitutor.configure(loaderPath);
     return substitutor.substitute(libStem);
@@ -353,8 +352,8 @@ class LibraryScanHelper {
   std::shared_ptr<PathResolver> m_resolver;
 
   StringMap<std::shared_ptr<LibraryUnit>> m_units; // key: canonical path
-  std::deque<std::string> m_unscannedUsr;
-  std::deque<std::string> m_unscannedSys;
+  std::deque<StringRef> m_unscannedUsr;
+  std::deque<StringRef> m_unscannedSys;
 };
 
 class ObjectFileLoader {
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 771657549c76c..c71b453c9d973 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -60,7 +60,8 @@ bool ObjectFileLoader::isArchitectureCompatible(const object::ObjectFile &Obj) {
            << ", Object triple: " << ObjTriple.str() << "\n";
   });
 
-  if (HostTriple.getArch() != ObjTriple.getArch())
+  if (ObjTriple.getArch() != Triple::UnknownArch &&
+      HostTriple.getArch() != ObjTriple.getArch())
     return false;
 
   if (ObjTriple.getOS() != Triple::UnknownOS &&
@@ -363,7 +364,7 @@ DylibResolverImpl::tryWithExtensions(StringRef libStem) const {
     LLVM_DEBUG(dbgs() << "  Trying candidate: " << name << "\n";);
 
     for (const auto &resolver : resolvers) {
-      if (auto result = resolver.resolve(libStem, substitutor, validator))
+      if (auto result = resolver.resolve(name, substitutor, validator))
         return result;
     }
   }
@@ -670,11 +671,11 @@ void LibraryScanHelper::addBasePath(const std::string &path, PathType kind) {
   if (kind == PathType::User) {
     LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Added User path: "
                       << canon << "\n";);
-    m_unscannedUsr.push_back(canon);
+    m_unscannedUsr.push_back(StringRef(unit->basePath));
   } else {
     LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Added System path: "
                       << canon << "\n";);
-    m_unscannedSys.push_back(canon);
+    m_unscannedSys.push_back(StringRef(unit->basePath));
   }
 }
 
@@ -686,7 +687,7 @@ LibraryScanHelper::getNextBatch(PathType kind, size_t batchSize) {
   std::unique_lock<std::shared_mutex> lock(m_mutex);
 
   while (!queue.empty() && result.size() < batchSize) {
-    const std::string &base = queue.front(); // no copy
+    StringRef base = queue.front();
     auto it = m_units.find(base);
     if (it != m_units.end()) {
       auto &unit = it->second;

>From 1070ff096d2cd4fe0616f01b6e33a310dcc23e20 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Wed, 13 Aug 2025 16:51:35 +0530
Subject: [PATCH 19/37] Improve library searching logic

---
 .../ExecutionEngine/Orc/Shared/SymbolFilter.h | 10 +--
 .../Orc/TargetProcess/LibraryResolver.h       | 65 ++++++++-----------
 .../Orc/TargetProcess/LibraryResolver.cpp     | 20 +++---
 3 files changed, 45 insertions(+), 50 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h b/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
index 8848564d1faef..4fdc030dd02bc 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
@@ -11,7 +11,7 @@
 
 #include "llvm/ExecutionEngine/Orc/Shared/SimplePackedSerialization.h"
 
-#include <math.h>
+#include <cmath>
 #include <type_traits>
 #include <vector>
 
@@ -112,11 +112,11 @@ class BloomFilterBuilder {
     return *this;
   }
 
-  BloomFilter build(const std::vector<std::string> &symbols) const {
-    assert(!symbols.empty() && "Cannot build filter from empty symbol list.");
-    BloomFilter filter(static_cast<uint32_t>(symbols.size()), falsePositiveRate,
+  BloomFilter build(ArrayRef<StringRef> Symbols) const {
+    assert(!Symbols.empty() && "Cannot build filter from empty symbol list.");
+    BloomFilter filter(static_cast<uint32_t>(Symbols.size()), falsePositiveRate,
                        hashFunc);
-    for (const auto &sym : symbols) {
+    for (const auto &sym : Symbols) {
       filter.add(sym);
     }
     return filter;
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index 6277695c07fa2..2be570bf57f39 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -60,11 +60,11 @@ class LibraryManager {
     }
 
     bool ensureFilterBuilt(const BloomFilterBuilder &FB,
-                           const std::vector<std::string> &symbols) {
+                           ArrayRef<StringRef> Symbols) {
       std::lock_guard<std::shared_mutex> lock(mutex);
       if (filter)
         return false;
-      filter.emplace(FB.build(symbols));
+      filter.emplace(FB.build(Symbols));
       return true;
     }
 
@@ -110,6 +110,7 @@ class LibraryManager {
       bool operator!=(const FilterIterator &other) const {
         return it != other.it;
       }
+
       const std::shared_ptr<LibraryInfo> &operator*() const {
         return it->second;
       }
@@ -122,12 +123,9 @@ class LibraryManager {
 
     private:
       void advance() {
-        while (it != end) {
-          const auto &lib = it->second;
-          if (lib->getState() == state && lib->getKind() == kind)
+        for (; it != end; ++it)
+          if (it->second->getState() == state && it->second->getKind() == kind)
             break;
-          ++it;
-        }
       }
       Iterator it, end;
       State state;
@@ -163,11 +161,6 @@ class LibraryManager {
   bool addLibrary(std::string path, PathType kind,
                   std::optional<BloomFilter> filter = std::nullopt) {
     std::unique_lock<std::shared_mutex> lock(mutex);
-    // SmallString<256> nativePath(path);
-    // sys::path::native(nativePath);
-
-    // auto P = nativePath.str();
-
     if (libraries.count(path) > 0)
       return false;
     libraries.insert({std::move(path),
@@ -185,7 +178,6 @@ class LibraryManager {
 
   bool removeLibrary(StringRef path) {
     std::unique_lock<std::shared_mutex> lock(mutex);
-    // auto P = sys::path::native(path);
     auto I = libraries.find(path);
     if (I == libraries.end())
       return false;
@@ -267,7 +259,7 @@ struct SearchPolicy {
   }
 };
 
-/// Scans libraries and resolves symbols across user and system paths.
+/// Scans libraries and resolves Symbols across user and system paths.
 ///
 /// Supports symbol enumeration and filtering via SymbolEnumerator, and tracks
 /// symbol resolution results through SymbolQuery. Thread-safe and uses
@@ -313,62 +305,61 @@ class LibraryResolver {
 
   private:
     mutable std::shared_mutex mtx;
-    StringMap<Result> results;
-    std::atomic<size_t> resolvedCount = 0;
+    StringMap<Result> Results;
+    std::atomic<size_t> ResolvedCount = 0;
 
   public:
-    explicit SymbolQuery(const std::vector<std::string> &symbols) {
-      // results.reserve(symbols.size());
-      for (const auto &s : symbols)
-        results.insert({s, Result{s, ""}});
+    explicit SymbolQuery(const std::vector<std::string> &Symbols) {
+      for (const auto &s : Symbols)
+        Results.insert({s, Result{s, ""}});
     }
 
-    std::vector<StringRef> getUnresolvedSymbols() const {
-      std::vector<StringRef> unresolved;
+    SmallVector<StringRef> getUnresolvedSymbols() const {
+      SmallVector<StringRef> Unresolved;
       std::shared_lock<std::shared_mutex> lock(mtx);
-      for (const auto &[name, res] : results) {
+      for (const auto &[name, res] : Results) {
         if (res.ResolvedLibPath.empty())
-          unresolved.push_back(name);
+          Unresolved.push_back(name);
       }
-      return unresolved;
+      return Unresolved;
     }
 
     void resolve(StringRef symbol, const std::string &libPath) {
       std::unique_lock<std::shared_mutex> lock(mtx);
-      auto it = results.find(symbol);
-      if (it != results.end() && it->second.ResolvedLibPath.empty()) {
+      auto it = Results.find(symbol);
+      if (it != Results.end() && it->second.ResolvedLibPath.empty()) {
         it->second.ResolvedLibPath = libPath;
-        resolvedCount.fetch_add(1, std::memory_order_relaxed);
+        ResolvedCount.fetch_add(1, std::memory_order_relaxed);
       }
     }
 
     bool allResolved() const {
-      return resolvedCount.load(std::memory_order_relaxed) == results.size();
+      return ResolvedCount.load(std::memory_order_relaxed) == Results.size();
     }
 
     bool hasUnresolved() const {
-      return resolvedCount.load(std::memory_order_relaxed) < results.size();
+      return ResolvedCount.load(std::memory_order_relaxed) < Results.size();
     }
 
     std::optional<StringRef> getResolvedLib(StringRef symbol) const {
       std::shared_lock<std::shared_mutex> lock(mtx);
-      auto it = results.find(symbol);
-      if (it != results.end() && !it->second.ResolvedLibPath.empty())
+      auto it = Results.find(symbol);
+      if (it != Results.end() && !it->second.ResolvedLibPath.empty())
         return StringRef(it->second.ResolvedLibPath);
       return std::nullopt;
     }
 
     bool isResolved(StringRef symbol) const {
       std::shared_lock<std::shared_mutex> lock(mtx);
-      auto it = results.find(symbol.str());
-      return it != results.end() && !it->second.ResolvedLibPath.empty();
+      auto it = Results.find(symbol.str());
+      return it != Results.end() && !it->second.ResolvedLibPath.empty();
     }
 
     std::vector<const Result *> getAllResults() const {
       std::shared_lock<std::shared_mutex> lock(mtx);
       std::vector<const Result *> out;
-      out.reserve(results.size());
-      for (const auto &[_, res] : results)
+      out.reserve(Results.size());
+      for (const auto &[_, res] : Results)
         out.push_back(&res);
       return out;
     }
@@ -466,7 +457,7 @@ class LibraryResolutionDriver {
   bool isLibraryLoaded(StringRef path) const {
     return Loader->m_libMgr.isLoaded(path);
   }
-  void resolveSymbols(std::vector<std::string> symbols,
+  void resolveSymbols(std::vector<std::string> Symbols,
                       LibraryResolver::OnSearchComplete OnCompletion,
                       const SearchPolicy &policy = SearchPolicy::defaultPlan());
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
index c7ea60bede6f6..7c3cb079816ad 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
@@ -199,7 +199,7 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
                                               SymbolQuery &unresolvedSymbols) {
   LLVM_DEBUG(dbgs() << "Checking unresolved symbols "
                     << " in library : " << lib.getFileName() << "\n";);
-  std::unordered_set<std::string> discoveredSymbols;
+  StringSet<> discoveredSymbols;
   bool hasEnumerated = false;
 
   auto enumerateSymbolsIfNeeded = [&]() {
@@ -216,7 +216,7 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
     SymbolEnumerator::enumerateSymbols(
         lib.getFullPath(),
         [&](StringRef sym) {
-          discoveredSymbols.insert(sym.str());
+          discoveredSymbols.insert(sym);
           return EnumerateResult::Continue;
         },
         opts);
@@ -240,12 +240,17 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
   if (!lib.hasFilter()) {
     LLVM_DEBUG(dbgs() << "Building filter for library: " << lib.getFullPath()
                       << "\n";);
-    lib.ensureFilterBuilt(FB,
-                          {discoveredSymbols.begin(), discoveredSymbols.end()});
+
+    SmallVector<StringRef> SymbolVec;
+    SymbolVec.reserve(discoveredSymbols.size());
+    for (const auto &KV : discoveredSymbols)
+      SymbolVec.push_back(KV.first());
+
+    lib.ensureFilterBuilt(FB, SymbolVec);
     LLVM_DEBUG({
       dbgs() << "discoveredSymbols : " << discoveredSymbols.size() << "\n";
-      for (const auto &sym : discoveredSymbols)
-        dbgs() << "discoveredSymbols : " << sym << "\n";
+      for (const auto &KV : discoveredSymbols)
+        dbgs() << "discoveredSymbols : " << KV.first() << "\n";
     });
   }
 
@@ -257,7 +262,7 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
     if (lib.mayContain(symbol)) {
       LLVM_DEBUG(dbgs() << "Checking symbol '" << symbol
                         << "' in library: " << lib.getFullPath() << "\n";);
-      if (discoveredSymbols.count(symbol.str()) > 0) {
+      if (discoveredSymbols.count(symbol) > 0) {
         LLVM_DEBUG(dbgs() << "  Resolved symbol: " << symbol
                           << " in library: " << lib.getFullPath() << "\n";);
         unresolvedSymbols.resolve(symbol, lib.getFullPath());
@@ -355,7 +360,6 @@ bool LibraryResolver::symbolExistsInLibrary(
 
         if (sym == symbolName) {
           found = true;
-          // return EnumerateResult::Stop;
         }
 
         return EnumerateResult::Continue;

>From 7bd02a5092068b206c0c1f7abc12bcd2e5199c45 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Mon, 18 Aug 2025 11:00:09 +0530
Subject: [PATCH 20/37] Add SearchConfig, improve code style, and add comments

---
 .../ExecutionEngine/Orc/Shared/SymbolFilter.h |  4 +-
 .../Orc/TargetProcess/LibraryResolver.h       | 83 ++++++++++++-------
 .../Orc/TargetProcess/LibraryScanner.h        | 47 +++++++----
 .../Orc/TargetProcess/LibraryResolver.cpp     | 29 +++----
 .../Orc/TargetProcess/LibraryScanner.cpp      |  6 +-
 5 files changed, 100 insertions(+), 69 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h b/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
index 4fdc030dd02bc..e64979979e9d6 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
@@ -116,9 +116,9 @@ class BloomFilterBuilder {
     assert(!Symbols.empty() && "Cannot build filter from empty symbol list.");
     BloomFilter filter(static_cast<uint32_t>(Symbols.size()), falsePositiveRate,
                        hashFunc);
-    for (const auto &sym : Symbols) {
+    for (const auto &sym : Symbols)
       filter.add(sym);
-    }
+
     return filter;
   }
 
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index 2be570bf57f39..9a7f3358f340d 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -96,6 +96,12 @@ class LibraryManager {
     mutable std::shared_mutex mutex;
   };
 
+  /**
+   * @brief A read-only view of libraries filtered by state and kind.
+   *
+   * Lets you loop over only the libraries in a map that match a given State
+   * and PathType.
+   */
   class FilteredView {
   public:
     using Map = StringMap<std::shared_ptr<LibraryInfo>>;
@@ -127,7 +133,8 @@ class LibraryManager {
           if (it->second->getState() == state && it->second->getKind() == kind)
             break;
       }
-      Iterator it, end;
+      Iterator it;
+      Iterator end;
       State state;
       PathType kind;
     };
@@ -143,7 +150,8 @@ class LibraryManager {
     }
 
   private:
-    Iterator begin_, end_;
+    Iterator begin_;
+    Iterator end_;
     State state_;
     PathType kind_;
   };
@@ -187,16 +195,14 @@ class LibraryManager {
 
   void markLoaded(StringRef path) {
     std::unique_lock<std::shared_mutex> lock(mutex);
-    if (auto it = libraries.find(path); it != libraries.end()) {
+    if (auto it = libraries.find(path); it != libraries.end())
       it->second->setState(State::Loaded);
-    }
   }
 
   void markQueried(StringRef path) {
     std::unique_lock<std::shared_mutex> lock(mutex);
-    if (auto it = libraries.find(path); it != libraries.end()) {
+    if (auto it = libraries.find(path); it != libraries.end())
       it->second->setState(State::Queried);
-    }
   }
 
   std::shared_ptr<LibraryInfo> getLibrary(StringRef path) {
@@ -259,6 +265,32 @@ struct SearchPolicy {
   }
 };
 
+struct SymbolEnumeratorOptions {
+  enum Filter : uint32_t {
+    None = 0,
+    IgnoreUndefined = 1 << 0,
+    IgnoreWeak = 1 << 1,
+    IgnoreIndirect = 1 << 2,
+    IgnoreHidden = 1 << 3,
+    IgnoreNonGlobal = 1 << 4
+  };
+
+  static SymbolEnumeratorOptions defaultOptions() {
+    return {Filter::IgnoreUndefined | Filter::IgnoreWeak |
+            Filter::IgnoreIndirect};
+  }
+  uint32_t FilterFlags = Filter::None;
+};
+
+struct SearchConfig {
+  SearchPolicy policy;
+  SymbolEnumeratorOptions options;
+
+  SearchConfig()
+      : policy(SearchPolicy::defaultPlan()), // default plan
+        options(SymbolEnumeratorOptions::defaultOptions()) {}
+};
+
 /// Scans libraries and resolves Symbols across user and system paths.
 ///
 /// Supports symbol enumeration and filtering via SymbolEnumerator, and tracks
@@ -274,30 +306,18 @@ class LibraryResolver {
 
     using OnEachSymbolFn = std::function<EnumerateResult(StringRef Sym)>;
 
-    enum Filter : uint32_t {
-      None = 0,
-      IgnoreUndefined = 1 << 0,
-      IgnoreWeak = 1 << 1,
-      IgnoreIndirect = 1 << 2,
-      IgnoreHidden = 1 << 3,
-      IgnoreNonGlobal = 1 << 4
-    };
-
-    struct Options {
-      static uint32_t defaultFlag() {
-        return SymbolEnumerator::Filter::IgnoreUndefined |
-               SymbolEnumerator::Filter::IgnoreWeak |
-               SymbolEnumerator::Filter::IgnoreIndirect;
-      }
-      uint32_t FilterFlags = Filter::None;
-    };
-
     static bool enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
-                                 const Options &Opts);
+                                 const SymbolEnumeratorOptions &Opts);
   };
 
+  /// Tracks a set of symbols and the libraries where they are resolved.
+  ///
+  /// SymbolQuery is used to keep track of which symbols have been resolved
+  /// to which libraries. It supports concurrent read/write access using a
+  /// shared mutex, allowing multiple readers or a single writer at a time.
   class SymbolQuery {
   public:
+    /// Holds the result for a single symbol.
     struct Result {
       std::string Name;
       std::string ResolvedLibPath;
@@ -418,20 +438,21 @@ class LibraryResolver {
     });
   }
 
-  void searchSymbolsInLibraries(
-      std::vector<std::string> &symbolNames, OnSearchComplete callback,
-      const SearchPolicy &policy = SearchPolicy::defaultPlan());
+  void searchSymbolsInLibraries(std::vector<std::string> &symbolNames,
+                                OnSearchComplete callback,
+                                const SearchConfig &config = SearchConfig());
 
 private:
   bool scanLibrariesIfNeeded(PathType K);
-  void resolveSymbolsInLibrary(LibraryInfo &library, SymbolQuery &query);
+  void resolveSymbolsInLibrary(LibraryInfo &library, SymbolQuery &query,
+                               const SymbolEnumeratorOptions &Opts);
   bool
   symbolExistsInLibrary(const LibraryInfo &library, StringRef symbol,
                         std::vector<std::string> *matchedSymbols = nullptr);
 
   bool symbolExistsInLibrary(const LibraryInfo &lib, StringRef symbolName,
                              std::vector<std::string> *allSymbols,
-                             const SymbolEnumerator::Options &opts);
+                             const SymbolEnumeratorOptions &opts);
 
   std::shared_ptr<LibraryPathCache> m_cache;
   std::shared_ptr<PathResolver> m_PathResolver;
@@ -459,7 +480,7 @@ class LibraryResolutionDriver {
   }
   void resolveSymbols(std::vector<std::string> Symbols,
                       LibraryResolver::OnSearchComplete OnCompletion,
-                      const SearchPolicy &policy = SearchPolicy::defaultPlan());
+                      const SearchConfig &config = SearchConfig());
 
   ~LibraryResolutionDriver() = default;
 
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 45cb505681eeb..0a7464648d466 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -61,7 +61,6 @@ class LibraryPathCache {
   bool hasSeen(StringRef canon_path) const {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     return m_seen.contains(canon_path);
-    // return m_seen.count(canon_path) > 0;
   }
 
   bool hasSeenOrMark(StringRef canon_path) {
@@ -94,9 +93,9 @@ class LibraryPathCache {
   std::optional<PathInfo> read_realpath(StringRef path) const {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     auto it = m_realpathCache.find(path);
-    if (it != m_realpathCache.end()) {
+    if (it != m_realpathCache.end())
       return it->second;
-    }
+
     return std::nullopt;
   }
 
@@ -115,9 +114,9 @@ class LibraryPathCache {
   std::optional<std::string> read_link(StringRef path) const {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     auto it = m_readlinkCache.find(path);
-    if (it != m_readlinkCache.end()) {
+    if (it != m_readlinkCache.end())
       return it->second;
-    }
+
     return std::nullopt;
   }
 
@@ -129,9 +128,9 @@ class LibraryPathCache {
   std::optional<mode_t> read_lstat(StringRef path) const {
     std::shared_lock<std::shared_mutex> lock(m_mutex);
     auto it = m_lstatCache.find(path);
-    if (it != m_lstatCache.end()) {
+    if (it != m_lstatCache.end())
       return it->second;
-    }
+
     return std::nullopt;
   }
 
@@ -144,6 +143,9 @@ class LibraryPathCache {
 /// relative to a base and handle symbolic links. Caches results to reduce
 /// repeated system calls when enabled.
 class PathResolver {
+private:
+  std::shared_ptr<LibraryPathCache> m_cache;
+
 public:
   PathResolver(std::shared_ptr<LibraryPathCache> cache)
       : m_cache(std::move(cache)) {}
@@ -159,29 +161,32 @@ class PathResolver {
                                             StringRef base = "",
                                             bool baseIsResolved = false,
                                             long symloopLevel = 40);
-
-private:
-  // mutable std::shared_mutex m_mutex;
-  std::shared_ptr<LibraryPathCache> m_cache;
 };
 
+/// Performs placeholder substitution in dynamic library paths.
+///
+/// Configures known placeholders (like @loader_path) and replaces them
+/// in input paths with their resolved values.
 class DylibSubstitutor {
 public:
   void configure(StringRef loaderPath);
 
   std::string substitute(StringRef input) const {
-    for (const auto &[ph, value] : placeholders_) {
-      if (input.starts_with(ph)) {
+    for (const auto &[ph, value] : placeholders) {
+      if (input.starts_with(ph))
         return (Twine(value) + input.drop_front(ph.size())).str();
-      }
     }
     return input.str();
   }
 
 private:
-  StringMap<std::string> placeholders_;
+  StringMap<std::string> placeholders;
 };
 
+/// Validates and normalizes dynamic library paths.
+///
+/// Uses a `PathResolver` to resolve paths to their canonical form and
+/// checks whether they point to valid shared libraries.
 class DylibPathValidator {
 public:
   DylibPathValidator(PathResolver &PR) : m_pathResolver(PR) {}
@@ -197,6 +202,7 @@ class DylibPathValidator {
     return real;
   }
 
+  /// Validate the given path as a shared library.
   std::optional<std::string> validate(StringRef path) const {
     auto realOpt = normalize(path);
     if (!realOpt)
@@ -356,8 +362,14 @@ class LibraryScanHelper {
   std::deque<StringRef> m_unscannedSys;
 };
 
+/// Loads an object file and provides access to it.
+///
+/// Owns the underlying `ObjectFile` and ensures it is valid.
+/// Any errors encountered during construction are stored and
+/// returned when attempting to access the file.
 class ObjectFileLoader {
 public:
+  /// Construct an object file loader from the given path.
   explicit ObjectFileLoader(StringRef Path) {
     auto ObjOrErr = loadObjectFileWithOwnership(Path);
     if (ObjOrErr)
@@ -374,6 +386,7 @@ class ObjectFileLoader {
   ObjectFileLoader(ObjectFileLoader &&) = default;
   ObjectFileLoader &operator=(ObjectFileLoader &&) = default;
 
+  /// Get the loaded object file, or return an error if loading failed.
   Expected<object::ObjectFile &> getObjectFile() {
     if (Err)
       return std::move(Err);
@@ -390,6 +403,7 @@ class ObjectFileLoader {
   loadObjectFileWithOwnership(StringRef FilePath);
 };
 
+/// Scans libraries, resolves dependencies, and registers them.
 class LibraryScanner {
 public:
   using shouldScanFn = std::function<bool(StringRef)>;
@@ -398,11 +412,11 @@ class LibraryScanner {
       LibraryScanHelper &H, LibraryManager &m_libMgr,
       shouldScanFn shouldScanCall = [](StringRef path) { return true; })
       : m_helper(H), m_libMgr(m_libMgr),
-        // m_libResolver(DylibPathResolver(H)),
         shouldScanCall(std::move(shouldScanCall)) {}
 
   void scanNext(PathType kind, size_t batchSize = 1);
 
+  /// Dependency info for a library.
   struct LibraryDepsInfo {
     llvm::BumpPtrAllocator Alloc;
     llvm::StringSaver Saver{Alloc};
@@ -422,7 +436,6 @@ class LibraryScanner {
 private:
   LibraryScanHelper &m_helper;
   LibraryManager &m_libMgr;
-  // DylibPathResolver m_libResolver;
   shouldScanFn shouldScanCall;
 
   std::optional<std::string> shouldScan(StringRef filePath);
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
index 7c3cb079816ad..a76290176dd6f 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
@@ -81,8 +81,8 @@ bool LibraryResolutionDriver::markLibraryUnLoaded(StringRef path) {
 void LibraryResolutionDriver::resolveSymbols(
     std::vector<std::string> symbols,
     LibraryResolver::OnSearchComplete OnCompletion,
-    const SearchPolicy &policy) {
-  Loader->searchSymbolsInLibraries(symbols, std::move(OnCompletion), policy);
+    const SearchConfig &config) {
+  Loader->searchSymbolsInLibraries(symbols, std::move(OnCompletion), config);
 }
 
 static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
@@ -95,7 +95,7 @@ static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
 
   uint32_t Flags = *FlagsOrErr;
 
-  using Filter = SymbolEnumerator::Filter;
+  using Filter = SymbolEnumeratorOptions;
   if ((IgnoreFlags & Filter::IgnoreUndefined) &&
       (Flags & object::SymbolRef::SF_Undefined))
     return true;
@@ -110,7 +110,7 @@ static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
 }
 
 bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
-                                        const Options &Opts) {
+                                        const SymbolEnumeratorOptions &Opts) {
   if (Path.empty())
     return false;
 
@@ -195,8 +195,9 @@ class SymbolSearchContext {
   DenseSet<LibraryInfo *> m_searched;
 };
 
-void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
-                                              SymbolQuery &unresolvedSymbols) {
+void LibraryResolver::resolveSymbolsInLibrary(
+    LibraryInfo &lib, SymbolQuery &unresolvedSymbols,
+    const SymbolEnumeratorOptions &Opts) {
   LLVM_DEBUG(dbgs() << "Checking unresolved symbols "
                     << " in library : " << lib.getFileName() << "\n";);
   StringSet<> discoveredSymbols;
@@ -208,9 +209,6 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
 
     hasEnumerated = true;
 
-    SymbolEnumerator::Options opts;
-    opts.FilterFlags = SymbolEnumerator::Options::defaultFlag();
-
     LLVM_DEBUG(dbgs() << "Enumerating symbols in library: " << lib.getFullPath()
                       << "\n";);
     SymbolEnumerator::enumerateSymbols(
@@ -219,7 +217,7 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
           discoveredSymbols.insert(sym);
           return EnumerateResult::Continue;
         },
-        opts);
+        Opts);
   };
 
   if (!unresolvedSymbols.hasUnresolved()) {
@@ -278,7 +276,7 @@ void LibraryResolver::resolveSymbolsInLibrary(LibraryInfo &lib,
 
 void LibraryResolver::searchSymbolsInLibraries(
     std::vector<std::string> &symbolList, OnSearchComplete onComplete,
-    const SearchPolicy &policy) {
+    const SearchConfig &config) {
   SymbolQuery query(symbolList);
 
   using LibraryState = LibraryManager::State;
@@ -295,7 +293,7 @@ void LibraryResolver::searchSymbolsInLibraries(
           continue;
 
         // can use Async here?
-        resolveSymbolsInLibrary(*lib, Ctx.query());
+        resolveSymbolsInLibrary(*lib, Ctx.query(), config.options);
         Ctx.markSearched(lib.get());
 
         if (Ctx.allResolved())
@@ -310,7 +308,7 @@ void LibraryResolver::searchSymbolsInLibraries(
     }
   };
 
-  for (const auto &[state, type] : policy.plan) {
+  for (const auto &[state, type] : config.policy.plan) {
     tryResolveFrom(state, type);
     if (query.allResolved())
       break;
@@ -342,14 +340,13 @@ bool LibraryResolver::scanLibrariesIfNeeded(PathType PK) {
 bool LibraryResolver::symbolExistsInLibrary(
     const LibraryInfo &lib, StringRef symbolName,
     std::vector<std::string> *allSymbols) {
-  SymbolEnumerator::Options opts;
+  SymbolEnumeratorOptions opts;
   return symbolExistsInLibrary(lib, symbolName, allSymbols, opts);
 }
 
 bool LibraryResolver::symbolExistsInLibrary(
     const LibraryInfo &lib, StringRef symbolName,
-    std::vector<std::string> *allSymbols,
-    const SymbolEnumerator::Options &opts) {
+    std::vector<std::string> *allSymbols, const SymbolEnumeratorOptions &opts) {
   bool found = false;
 
   SymbolEnumerator::enumerateSymbols(
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index c71b453c9d973..4d5c9c87244b8 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -293,10 +293,10 @@ void DylibSubstitutor::configure(StringRef loaderPath) {
   }
 
 #ifdef __APPLE__
-  placeholders_["@loader_path"] = std::string(loaderDir);
-  placeholders_["@executable_path"] = std::string(execPath);
+  placeholders["@loader_path"] = std::string(loaderDir);
+  placeholders["@executable_path"] = std::string(execPath);
 #else
-  placeholders_["$origin"] = std::string(loaderDir);
+  placeholders["$origin"] = std::string(loaderDir);
 #endif
 }
 

>From af4bfab8b6229f3ebe30e62778fef3d9aaf5c594 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Tue, 19 Aug 2025 16:23:51 +0530
Subject: [PATCH 21/37] Fix dylibresolver minor issue

---
 .../Orc/TargetProcess/LibraryScanner.cpp      | 23 +++++++++++--------
 1 file changed, 14 insertions(+), 9 deletions(-)

diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 4d5c9c87244b8..8bd55ed9ee4ae 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -289,7 +289,8 @@ void DylibSubstitutor::configure(StringRef loaderPath) {
     loaderDir = execPath;
   } else {
     loaderDir = loaderPath.str();
-    sys::path::remove_filename(loaderDir);
+    if (!sys::fs::is_directory(loaderPath))
+      sys::path::remove_filename(loaderDir);
   }
 
 #ifdef __APPLE__
@@ -312,6 +313,9 @@ SearchPathResolver::resolve(StringRef stem, const DylibSubstitutor &subst,
     else
       sys::path::append(fullPath, stem);
 
+    LLVM_DEBUG(dbgs() << "SearchPathResolver::resolve FullPath = " << fullPath
+                      << "\n";);
+
     if (auto valid = validator.validate(fullPath.str()))
       return valid;
   }
@@ -323,7 +327,6 @@ std::optional<std::string>
 DylibResolverImpl::tryWithExtensions(StringRef libStem) const {
   LLVM_DEBUG(dbgs() << "tryWithExtensions: baseName = " << libStem << "\n";);
   SmallVector<StringRef, 4> candidates;
-  candidates.push_back(libStem); // original
 
   // Add extensions by platform
 #if defined(__APPLE__)
@@ -391,16 +394,18 @@ DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
 
       return norm;
     }
-  } else {
-    for (const auto &resolver : resolvers) {
-      if (auto result = resolver.resolve(libStem, substitutor, validator)) {
-        LLVM_DEBUG(dbgs() << "  -> Resolved via search path: " << *result
-                          << "\n";);
+  }
 
-        return result;
-      }
+  for (const auto &resolver : resolvers) {
+    LLVM_DEBUG(dbgs() << "  -> Resolving via search path ... \n";);
+    if (auto result = resolver.resolve(libStem, substitutor, validator)) {
+      LLVM_DEBUG(dbgs() << "  -> Resolved via search path: " << *result
+                        << "\n";);
+
+      return result;
     }
   }
+
   // Expand libStem with paths, extensions, etc.
   // std::string foundName;
   if (variateLibStem) {

>From 3fdd52535815d5301e3a500afbc59618a9ce8ade Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Wed, 20 Aug 2025 16:57:27 +0530
Subject: [PATCH 22/37] Add tests

---
 .../ExecutionEngine/Orc/CMakeLists.txt        |   1 +
 .../ExecutionEngine/Orc/Inputs/A/A.yaml       | 723 ++++++++++++++
 .../ExecutionEngine/Orc/Inputs/B/B.yaml       | 723 ++++++++++++++
 .../ExecutionEngine/Orc/Inputs/C/C.yaml       | 915 ++++++++++++++++++
 .../ExecutionEngine/Orc/Inputs/D/D.yaml       | 801 +++++++++++++++
 .../ExecutionEngine/Orc/Inputs/Z/Z.yaml       | 723 ++++++++++++++
 .../Orc/LibraryResolverTest.cpp               | 695 +++++++++++++
 7 files changed, 4581 insertions(+)
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/A/A.yaml
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/B/B.yaml
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/C/C.yaml
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/D/D.yaml
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z.yaml
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp

diff --git a/llvm/unittests/ExecutionEngine/Orc/CMakeLists.txt b/llvm/unittests/ExecutionEngine/Orc/CMakeLists.txt
index a2bbb10039c9a..df26c94788d8f 100644
--- a/llvm/unittests/ExecutionEngine/Orc/CMakeLists.txt
+++ b/llvm/unittests/ExecutionEngine/Orc/CMakeLists.txt
@@ -25,6 +25,7 @@ add_llvm_unittest(OrcJITTests
   IndirectionUtilsTest.cpp
   JITTargetMachineBuilderTest.cpp
   LazyCallThroughAndReexportsTest.cpp
+  LibraryResolverTest.cpp
   LookupAndRecordAddrsTest.cpp
   MachOPlatformTest.cpp
   MapperJITLinkMemoryManagerTest.cpp
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A.yaml
new file mode 100644
index 0000000000000..2e851a90c21ed
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A.yaml
@@ -0,0 +1,723 @@
+--- !fat-mach-o
+FatHeader:
+  magic:           0xCAFEBABE
+  nfat_arch:       3
+FatArchs:
+  - cputype:         0x1000007
+    cpusubtype:      0x3
+    offset:          0x1000
+    size:            8376
+    align:           12
+  - cputype:         0x100000C
+    cpusubtype:      0x0
+    offset:          0x4000
+    size:            33376
+    align:           14
+  - cputype:         0x100000C
+    cpusubtype:      0x80000002
+    offset:          0x10000
+    size:            33376
+    align:           14
+Slices:
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x1000007
+      cpusubtype:      0x3
+      filetype:        0x6
+      ncmds:           14
+      sizeofcmds:      960
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          4096
+        fileoff:         0
+        filesize:        4096
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0xF80
+            size:            20
+            offset:          0xF80
+            align:           4
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         554889E5488D3D0F000000B000E8020000005DC3
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0xF94
+            size:            6
+            offset:          0xF94
+            align:           1
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x6
+            reserved3:       0x0
+            content:         FF2566000000
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0xF9A
+            size:            14
+            offset:          0xF9A
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D20410A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0xFA8
+            size:            88
+            offset:          0xFA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000800F00004000000040000000940F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000100000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          4096
+        vmsize:          4096
+        fileoff:         4096
+        filesize:        4096
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x1000
+            size:            8
+            offset:          0x1000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '0000000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          8192
+        vmsize:          4096
+        fileoff:         8192
+        filesize:        184
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libA.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         8192
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         8288
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          8320
+        nsyms:           2
+        stroff:          8360
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  8352
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            ADFFA141-C3EE-37CD-B1E7-906D69F81BCB
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         8312
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         8320
+        datasize:        0
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayA
+            Flags:           0x0
+            Address:         0xF80
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         3968
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayA
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0xF80 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x10, 0x6, 0x0, 
+                         0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x0
+      filetype:        0x6
+      ncmds:           15
+      sizeofcmds:      976
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F70
+            size:            28
+            offset:          0x3F70
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         FD7BBFA9FD0300910000009000603E9103000094FD7BC1A8C0035FD6
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0x3F8C
+            size:            12
+            offset:          0x3F8C
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0xC
+            reserved3:       0x0
+            content:         100000B0100240F900021FD6
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0x3F98
+            size:            14
+            offset:          0x3F98
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D20410A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000703F000040000000400000008C3F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            8
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '0000000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        608
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libA.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32864
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32896
+        nsyms:           2
+        stroff:          32936
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  32928
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            C45227E0-C6C0-3137-969B-36AABF9D5487
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32896
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         32960
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayA
+            Flags:           0x0
+            Address:         0x3F70
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16240
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayA
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0x3F70 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0x6, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x80000002
+      filetype:        0x6
+      ncmds:           15
+      sizeofcmds:      976
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F68
+            size:            32
+            offset:          0x3F68
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         7F2303D5FD7BBFA9FD0300910000009000603E9103000094FD7BC1A8FF0F5FD6
+          - sectname:        __auth_stubs
+            segname:         __TEXT
+            addr:            0x3F88
+            size:            16
+            offset:          0x3F88
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x10
+            reserved3:       0x0
+            content:         110000B031020091300240F9110A1FD7
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0x3F98
+            size:            14
+            offset:          0x3F98
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D20410A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000683F00004000000040000000883F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __auth_got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            8
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         00000000000001C0
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        608
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libA.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32864
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32896
+        nsyms:           2
+        stroff:          32936
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  32928
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            C9DC00C2-E721-365C-9C2D-E9FDB7C838BB
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32896
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         32960
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayA
+            Flags:           0x0
+            Address:         0x3F68
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16232
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayA
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0x3F68 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0xC, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B.yaml
new file mode 100644
index 0000000000000..3d57c4f9271c6
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B.yaml
@@ -0,0 +1,723 @@
+--- !fat-mach-o
+FatHeader:
+  magic:           0xCAFEBABE
+  nfat_arch:       3
+FatArchs:
+  - cputype:         0x1000007
+    cpusubtype:      0x3
+    offset:          0x1000
+    size:            8376
+    align:           12
+  - cputype:         0x100000C
+    cpusubtype:      0x0
+    offset:          0x4000
+    size:            33376
+    align:           14
+  - cputype:         0x100000C
+    cpusubtype:      0x80000002
+    offset:          0x10000
+    size:            33376
+    align:           14
+Slices:
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x1000007
+      cpusubtype:      0x3
+      filetype:        0x6
+      ncmds:           14
+      sizeofcmds:      960
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          4096
+        fileoff:         0
+        filesize:        4096
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0xF80
+            size:            20
+            offset:          0xF80
+            align:           4
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         554889E5488D3D0F000000B000E8020000005DC3
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0xF94
+            size:            6
+            offset:          0xF94
+            align:           1
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x6
+            reserved3:       0x0
+            content:         FF2566000000
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0xF9A
+            size:            14
+            offset:          0xF9A
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D20420A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0xFA8
+            size:            88
+            offset:          0xFA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000800F00004000000040000000940F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000100000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          4096
+        vmsize:          4096
+        fileoff:         4096
+        filesize:        4096
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x1000
+            size:            8
+            offset:          0x1000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '0000000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          8192
+        vmsize:          4096
+        fileoff:         8192
+        filesize:        184
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libB.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         8192
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         8288
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          8320
+        nsyms:           2
+        stroff:          8360
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  8352
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            88B60B3C-13D3-3D7E-AEED-5F3E991FDF08
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         8312
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         8320
+        datasize:        0
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayB
+            Flags:           0x0
+            Address:         0xF80
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         3968
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayB
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0xF80 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x10, 0x6, 0x0, 
+                         0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x0
+      filetype:        0x6
+      ncmds:           15
+      sizeofcmds:      976
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F70
+            size:            28
+            offset:          0x3F70
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         FD7BBFA9FD0300910000009000603E9103000094FD7BC1A8C0035FD6
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0x3F8C
+            size:            12
+            offset:          0x3F8C
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0xC
+            reserved3:       0x0
+            content:         100000B0100240F900021FD6
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0x3F98
+            size:            14
+            offset:          0x3F98
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D20420A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000703F000040000000400000008C3F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            8
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '0000000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        608
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libB.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32864
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32896
+        nsyms:           2
+        stroff:          32936
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  32928
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            90C3787A-22E1-35AE-9284-97A4842F88AF
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32896
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         32960
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayB
+            Flags:           0x0
+            Address:         0x3F70
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16240
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayB
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0x3F70 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0x6, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x80000002
+      filetype:        0x6
+      ncmds:           15
+      sizeofcmds:      976
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F68
+            size:            32
+            offset:          0x3F68
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         7F2303D5FD7BBFA9FD0300910000009000603E9103000094FD7BC1A8FF0F5FD6
+          - sectname:        __auth_stubs
+            segname:         __TEXT
+            addr:            0x3F88
+            size:            16
+            offset:          0x3F88
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x10
+            reserved3:       0x0
+            content:         110000B031020091300240F9110A1FD7
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0x3F98
+            size:            14
+            offset:          0x3F98
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D20420A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000683F00004000000040000000883F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __auth_got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            8
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         00000000000001C0
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        608
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libB.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32864
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32896
+        nsyms:           2
+        stroff:          32936
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  32928
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            76B41B3A-00EC-388B-A432-478A96772CC4
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32896
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         32960
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayB
+            Flags:           0x0
+            Address:         0x3F68
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16232
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayB
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0x3F68 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0xC, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C.yaml
new file mode 100644
index 0000000000000..07e4738165a20
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C.yaml
@@ -0,0 +1,915 @@
+--- !fat-mach-o
+FatHeader:
+  magic:           0xCAFEBABE
+  nfat_arch:       3
+FatArchs:
+  - cputype:         0x1000007
+    cpusubtype:      0x3
+    offset:          0x1000
+    size:            8488
+    align:           12
+  - cputype:         0x100000C
+    cpusubtype:      0x0
+    offset:          0x4000
+    size:            33488
+    align:           14
+  - cputype:         0x100000C
+    cpusubtype:      0x80000002
+    offset:          0x10000
+    size:            33488
+    align:           14
+Slices:
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x1000007
+      cpusubtype:      0x3
+      filetype:        0x6
+      ncmds:           22
+      sizeofcmds:      1200
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         312
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          4096
+        fileoff:         0
+        filesize:        4096
+        maxprot:         5
+        initprot:        5
+        nsects:          3
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0xF60
+            size:            34
+            offset:          0xF60
+            align:           4
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         554889E5B000E817000000B000E816000000B000E815000000B000E8140000005DC3
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0xF82
+            size:            24
+            offset:          0xF82
+            align:           1
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x6
+            reserved3:       0x0
+            content:         FF2578000000FF257A000000FF257C000000FF257E000000
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0xF9C
+            size:            88
+            offset:          0xF9C
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000600F00004000000040000000820F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000100000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          4096
+        vmsize:          4096
+        fileoff:         4096
+        filesize:        4096
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x1000
+            size:            32
+            offset:          0x1000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x4
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '0000000000001080010000000000108002000000000010800300000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          8192
+        vmsize:          4096
+        fileoff:         8192
+        filesize:        296
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/C.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         8192
+        datasize:        120
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         8312
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          8344
+        nsyms:           5
+        stroff:          8456
+        strsize:         32
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       4
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  8424
+        nindirectsyms:   8
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            2A1F4EC3-CD6C-3293-9D2B-5D8E42FE51EF
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/A.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/B.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/D.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/Z.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../A'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../B'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../D'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../Z'
+        ZeroPadBytes:    3
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         8336
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         8344
+        datasize:        0
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayC
+            Flags:           0x0
+            Address:         0xF60
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         3936
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+        - n_strx:          14
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          512
+          n_value:         0
+        - n_strx:          20
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          768
+          n_value:         0
+        - n_strx:          26
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          1024
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayC
+        - _sayA
+        - _sayB
+        - _sayD
+        - _sayZ
+      IndirectSymbols: [ 0x1, 0x2, 0x3, 0x4, 0x1, 0x2, 0x3, 0x4 ]
+      FunctionStarts:  [ 0xF60 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x58, 0x0, 0x0, 0x0, 0x4, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x10, 0x6, 0x0, 
+                         0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x2, 0xE, 0x0, 0x0, 0x3, 0x1A, 0x0, 0x0, 
+                         0x4, 0x26, 0x0, 0x0, 0x0, 0x5F, 0x73, 0x61, 0x79, 
+                         0x41, 0x0, 0x5F, 0x73, 0x61, 0x79, 0x42, 0x0, 
+                         0x5F, 0x73, 0x61, 0x79, 0x44, 0x0, 0x5F, 0x73, 
+                         0x61, 0x79, 0x5A, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x0
+      filetype:        0x6
+      ncmds:           23
+      sizeofcmds:      1216
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         312
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          3
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F58
+            size:            32
+            offset:          0x3F58
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         FD7BBFA9FD03009106000094080000940A0000940C000094FD7BC1A8C0035FD6
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0x3F78
+            size:            48
+            offset:          0x3F78
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0xC
+            reserved3:       0x0
+            content:         100000B0100240F900021FD6100000B0100640F900021FD6100000B0100A40F900021FD6100000B0100E40F900021FD6
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000583F00004000000040000000783F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            32
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x4
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '0000000000001080010000000000108002000000000010800300000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        720
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/C.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        120
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32920
+        nsyms:           5
+        stroff:          33032
+        strsize:         32
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       4
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  33000
+        nindirectsyms:   8
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            6DE75070-D632-398D-8BB5-06C8C8B29147
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/A.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/B.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/D.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/Z.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../A'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../B'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../D'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../Z'
+        ZeroPadBytes:    3
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32912
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32920
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         33072
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayC
+            Flags:           0x0
+            Address:         0x3F58
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16216
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+        - n_strx:          14
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          512
+          n_value:         0
+        - n_strx:          20
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          768
+          n_value:         0
+        - n_strx:          26
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          1024
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayC
+        - _sayA
+        - _sayB
+        - _sayD
+        - _sayZ
+      IndirectSymbols: [ 0x1, 0x2, 0x3, 0x4, 0x1, 0x2, 0x3, 0x4 ]
+      FunctionStarts:  [ 0x3F58 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x58, 0x0, 0x0, 0x0, 0x4, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0x6, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x2, 0xE, 0x0, 0x0, 0x3, 0x1A, 0x0, 0x0, 
+                         0x4, 0x26, 0x0, 0x0, 0x0, 0x5F, 0x73, 0x61, 0x79, 
+                         0x41, 0x0, 0x5F, 0x73, 0x61, 0x79, 0x42, 0x0, 
+                         0x5F, 0x73, 0x61, 0x79, 0x44, 0x0, 0x5F, 0x73, 
+                         0x61, 0x79, 0x5A, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x80000002
+      filetype:        0x6
+      ncmds:           23
+      sizeofcmds:      1216
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         312
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          3
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F44
+            size:            36
+            offset:          0x3F44
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         7F2303D5FD7BBFA9FD03009106000094090000940C0000940F000094FD7BC1A8FF0F5FD6
+          - sectname:        __auth_stubs
+            segname:         __TEXT
+            addr:            0x3F68
+            size:            64
+            offset:          0x3F68
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x10
+            reserved3:       0x0
+            content:         110000B031020091300240F9110A1FD7110000B031220091300240F9110A1FD7110000B031420091300240F9110A1FD7110000B031620091300240F9110A1FD7
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000443F00004000000040000000683F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __auth_got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            32
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x4
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         00000000000009C001000000000009C002000000000009C003000000000001C0
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        720
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/C.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        120
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32920
+        nsyms:           5
+        stroff:          33032
+        strsize:         32
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       4
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  33000
+        nindirectsyms:   8
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            C1E8A3F5-14B1-3BF2-B737-18AB98364487
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/A.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/B.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/D.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/Z.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../A'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../B'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../D'
+        ZeroPadBytes:    3
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../Z'
+        ZeroPadBytes:    3
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32912
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32920
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         33072
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayC
+            Flags:           0x0
+            Address:         0x3F44
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16196
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+        - n_strx:          14
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          512
+          n_value:         0
+        - n_strx:          20
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          768
+          n_value:         0
+        - n_strx:          26
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          1024
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayC
+        - _sayA
+        - _sayB
+        - _sayD
+        - _sayZ
+      IndirectSymbols: [ 0x1, 0x2, 0x3, 0x4, 0x1, 0x2, 0x3, 0x4 ]
+      FunctionStarts:  [ 0x3F44 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x58, 0x0, 0x0, 0x0, 0x4, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0xC, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x2, 0xE, 0x0, 0x0, 0x3, 0x1A, 0x0, 0x0, 
+                         0x4, 0x26, 0x0, 0x0, 0x0, 0x5F, 0x73, 0x61, 0x79, 
+                         0x41, 0x0, 0x5F, 0x73, 0x61, 0x79, 0x42, 0x0, 
+                         0x5F, 0x73, 0x61, 0x79, 0x44, 0x0, 0x5F, 0x73, 
+                         0x61, 0x79, 0x5A, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0 ]
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D.yaml
new file mode 100644
index 0000000000000..48bbc24bf27f1
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D.yaml
@@ -0,0 +1,801 @@
+--- !fat-mach-o
+FatHeader:
+  magic:           0xCAFEBABE
+  nfat_arch:       3
+FatArchs:
+  - cputype:         0x1000007
+    cpusubtype:      0x3
+    offset:          0x1000
+    size:            8432
+    align:           12
+  - cputype:         0x100000C
+    cpusubtype:      0x0
+    offset:          0x4000
+    size:            33424
+    align:           14
+  - cputype:         0x100000C
+    cpusubtype:      0x80000002
+    offset:          0x10000
+    size:            33424
+    align:           14
+Slices:
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x1000007
+      cpusubtype:      0x3
+      filetype:        0x6
+      ncmds:           16
+      sizeofcmds:      1040
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          4096
+        fileoff:         0
+        filesize:        4096
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0xF60
+            size:            36
+            offset:          0xF60
+            align:           4
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         554889E5B000E81F0000005DC30F1F00554889E5488D3D15000000B000E8020000005DC3
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0xF84
+            size:            12
+            offset:          0xF84
+            align:           1
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x6
+            reserved3:       0x0
+            content:         FF2576000000FF2578000000
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0xF90
+            size:            15
+            offset:          0xF90
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D2044210A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0xFA0
+            size:            88
+            offset:          0xFA0
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000600F00004000000040000000840F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000100000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          4096
+        vmsize:          4096
+        fileoff:         4096
+        filesize:        4096
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x1000
+            size:            16
+            offset:          0x1000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x2
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '00000000000010800100000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          8192
+        vmsize:          4096
+        fileoff:         8192
+        filesize:        240
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/D.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         8192
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         8288
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          8320
+        nsyms:           4
+        stroff:          8400
+        strsize:         32
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       1
+        iextdefsym:      1
+        nextdefsym:      1
+        iundefsym:       2
+        nundefsym:       2
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  8384
+        nindirectsyms:   4
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            8B5D4A65-6C4F-3D34-9294-26E03CFBD3AE
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/A.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../A'
+        ZeroPadBytes:    3
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         8312
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         8320
+        datasize:        0
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayD
+            Flags:           0x0
+            Address:         0xF70
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          22
+          n_type:          0xE
+          n_sect:          1
+          n_desc:          0
+          n_value:         3936
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         3952
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          512
+          n_value:         0
+        - n_strx:          16
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayD
+        - _printf
+        - _sayA
+        - _keepSayA
+      IndirectSymbols: [ 0x2, 0x3, 0x2, 0x3 ]
+      FunctionStarts:  [ 0xF60, 0xF70 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x2, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x10, 0x6, 0x0, 
+                         0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x2, 0x2, 0x0, 
+                         0x0, 0x1, 0x12, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x5F, 0x73, 0x61, 
+                         0x79, 0x41, 0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x0
+      filetype:        0x6
+      ncmds:           17
+      sizeofcmds:      1056
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F50
+            size:            48
+            offset:          0x3F50
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         FD7BBFA9FD0300910D000094FD7BC1A8C0035FD6FD7BBFA9FD0300910000009000603E9103000094FD7BC1A8C0035FD6
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0x3F80
+            size:            24
+            offset:          0x3F80
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0xC
+            reserved3:       0x0
+            content:         100000B0100240F900021FD6100000B0100640F900021FD6
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0x3F98
+            size:            15
+            offset:          0x3F98
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D2044210A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000503F00004000000040000000803F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            16
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x2
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '00000000000010800100000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        656
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/D.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32864
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32896
+        nsyms:           4
+        stroff:          32976
+        strsize:         32
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       1
+        iextdefsym:      1
+        nextdefsym:      1
+        iundefsym:       2
+        nundefsym:       2
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  32960
+        nindirectsyms:   4
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            5898A6CE-0F78-3CA2-8F7D-B1AAAF26C49F
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/A.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../A'
+        ZeroPadBytes:    3
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32896
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         33008
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayD
+            Flags:           0x0
+            Address:         0x3F64
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          22
+          n_type:          0xE
+          n_sect:          1
+          n_desc:          0
+          n_value:         16208
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16228
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          512
+          n_value:         0
+        - n_strx:          16
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayD
+        - _printf
+        - _sayA
+        - _keepSayA
+      IndirectSymbols: [ 0x2, 0x3, 0x2, 0x3 ]
+      FunctionStarts:  [ 0x3F50, 0x3F64 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x2, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0x6, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x2, 0x2, 0x0, 
+                         0x0, 0x1, 0x12, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x5F, 0x73, 0x61, 
+                         0x79, 0x41, 0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x80000002
+      filetype:        0x6
+      ncmds:           17
+      sizeofcmds:      1056
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F40
+            size:            56
+            offset:          0x3F40
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         7F2303D5FD7BBFA9FD0300910F000094FD7BC1A8FF0F5FD67F2303D5FD7BBFA9FD0300910000009000603E9103000094FD7BC1A8FF0F5FD6
+          - sectname:        __auth_stubs
+            segname:         __TEXT
+            addr:            0x3F78
+            size:            32
+            offset:          0x3F78
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x10
+            reserved3:       0x0
+            content:         110000B031020091300240F9110A1FD7110000B031220091300240F9110A1FD7
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0x3F98
+            size:            15
+            offset:          0x3F98
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D2044210A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000403F00004000000040000000783F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __auth_got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            16
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x2
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         00000000000009C001000000000001C0
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        656
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/D.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32864
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32896
+        nsyms:           4
+        stroff:          32976
+        strsize:         32
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       1
+        iextdefsym:      1
+        nextdefsym:      1
+        iundefsym:       2
+        nundefsym:       2
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  32960
+        nindirectsyms:   4
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            81A288C4-6F51-3913-9330-EDE155D1DD35
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/A.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_RPATH
+        cmdsize:         32
+        path:            12
+        Content:         '@loader_path/../A'
+        ZeroPadBytes:    3
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32896
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         33008
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayD
+            Flags:           0x0
+            Address:         0x3F58
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          22
+          n_type:          0xE
+          n_sect:          1
+          n_desc:          0
+          n_value:         16192
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16216
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          512
+          n_value:         0
+        - n_strx:          16
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayD
+        - _printf
+        - _sayA
+        - _keepSayA
+      IndirectSymbols: [ 0x2, 0x3, 0x2, 0x3 ]
+      FunctionStarts:  [ 0x3F40, 0x3F58 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x2, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0xC, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x2, 0x2, 0x0, 
+                         0x0, 0x1, 0x12, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x5F, 0x73, 0x61, 
+                         0x79, 0x41, 0x0, 0x0 ]
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z.yaml
new file mode 100644
index 0000000000000..c0c18265ab667
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z.yaml
@@ -0,0 +1,723 @@
+--- !fat-mach-o
+FatHeader:
+  magic:           0xCAFEBABE
+  nfat_arch:       3
+FatArchs:
+  - cputype:         0x1000007
+    cpusubtype:      0x3
+    offset:          0x1000
+    size:            8376
+    align:           12
+  - cputype:         0x100000C
+    cpusubtype:      0x0
+    offset:          0x4000
+    size:            33376
+    align:           14
+  - cputype:         0x100000C
+    cpusubtype:      0x80000002
+    offset:          0x10000
+    size:            33376
+    align:           14
+Slices:
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x1000007
+      cpusubtype:      0x3
+      filetype:        0x6
+      ncmds:           14
+      sizeofcmds:      960
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          4096
+        fileoff:         0
+        filesize:        4096
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0xF80
+            size:            20
+            offset:          0xF80
+            align:           4
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         554889E5488D3D0F000000B000E8020000005DC3
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0xF94
+            size:            6
+            offset:          0xF94
+            align:           1
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x6
+            reserved3:       0x0
+            content:         FF2566000000
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0xF9A
+            size:            14
+            offset:          0xF9A
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D205A0A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0xFA8
+            size:            88
+            offset:          0xFA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000800F00004000000040000000940F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000100000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          4096
+        vmsize:          4096
+        fileoff:         4096
+        filesize:        4096
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x1000
+            size:            8
+            offset:          0x1000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '0000000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          8192
+        vmsize:          4096
+        fileoff:         8192
+        filesize:        184
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libZ.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         8192
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         8288
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          8320
+        nsyms:           2
+        stroff:          8360
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  8352
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            399E203C-FF9A-3B80-872C-85F3A759A78B
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         8312
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         8320
+        datasize:        0
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayZ
+            Flags:           0x0
+            Address:         0xF80
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         3968
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayZ
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0xF80 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x10, 0x6, 0x0, 
+                         0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x0
+      filetype:        0x6
+      ncmds:           15
+      sizeofcmds:      976
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F70
+            size:            28
+            offset:          0x3F70
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         FD7BBFA9FD0300910000009000603E9103000094FD7BC1A8C0035FD6
+          - sectname:        __stubs
+            segname:         __TEXT
+            addr:            0x3F8C
+            size:            12
+            offset:          0x3F8C
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0xC
+            reserved3:       0x0
+            content:         100000B0100240F900021FD6
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0x3F98
+            size:            14
+            offset:          0x3F98
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D205A0A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000703F000040000000400000008C3F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            8
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         '0000000000000080'
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        608
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libZ.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32864
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32896
+        nsyms:           2
+        stroff:          32936
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  32928
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            6E8E78AF-EDB2-3830-BE1E-013390302CC5
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32896
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         32960
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayZ
+            Flags:           0x0
+            Address:         0x3F70
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16240
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayZ
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0x3F70 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0x6, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+  - !mach-o
+    FileHeader:
+      magic:           0xFEEDFACF
+      cputype:         0x100000C
+      cpusubtype:      0x80000002
+      filetype:        0x6
+      ncmds:           15
+      sizeofcmds:      976
+      flags:           0x100085
+      reserved:        0x0
+    LoadCommands:
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         392
+        segname:         __TEXT
+        vmaddr:          0
+        vmsize:          16384
+        fileoff:         0
+        filesize:        16384
+        maxprot:         5
+        initprot:        5
+        nsects:          4
+        flags:           0
+        Sections:
+          - sectname:        __text
+            segname:         __TEXT
+            addr:            0x3F68
+            size:            32
+            offset:          0x3F68
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000400
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         7F2303D5FD7BBFA9FD0300910000009000603E9103000094FD7BC1A8FF0F5FD6
+          - sectname:        __auth_stubs
+            segname:         __TEXT
+            addr:            0x3F88
+            size:            16
+            offset:          0x3F88
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x80000408
+            reserved1:       0x0
+            reserved2:       0x10
+            reserved3:       0x0
+            content:         110000B031020091300240F9110A1FD7
+          - sectname:        __cstring
+            segname:         __TEXT
+            addr:            0x3F98
+            size:            14
+            offset:          0x3F98
+            align:           0
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x2
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         48656C6C6F2066726F6D205A0A00
+          - sectname:        __unwind_info
+            segname:         __TEXT
+            addr:            0x3FA8
+            size:            88
+            offset:          0x3FA8
+            align:           2
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x0
+            reserved1:       0x0
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         010000001C000000000000001C000000000000001C00000002000000683F00004000000040000000883F00000000000040000000000000000000000000000000030000000C00010010000100000000000000000400000000
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         152
+        segname:         __DATA_CONST
+        vmaddr:          16384
+        vmsize:          16384
+        fileoff:         16384
+        filesize:        16384
+        maxprot:         3
+        initprot:        3
+        nsects:          1
+        flags:           16
+        Sections:
+          - sectname:        __auth_got
+            segname:         __DATA_CONST
+            addr:            0x4000
+            size:            8
+            offset:          0x4000
+            align:           3
+            reloff:          0x0
+            nreloc:          0
+            flags:           0x6
+            reserved1:       0x1
+            reserved2:       0x0
+            reserved3:       0x0
+            content:         00000000000001C0
+      - cmd:             LC_SEGMENT_64
+        cmdsize:         72
+        segname:         __LINKEDIT
+        vmaddr:          32768
+        vmsize:          16384
+        fileoff:         32768
+        filesize:        608
+        maxprot:         1
+        initprot:        1
+        nsects:          0
+        flags:           0
+      - cmd:             LC_ID_DYLIB
+        cmdsize:         48
+        dylib:
+          name:            24
+          timestamp:       1
+          current_version: 0
+          compatibility_version: 0
+        Content:         '@rpath/libZ.dylib'
+        ZeroPadBytes:    7
+      - cmd:             LC_DYLD_CHAINED_FIXUPS
+        cmdsize:         16
+        dataoff:         32768
+        datasize:        96
+      - cmd:             LC_DYLD_EXPORTS_TRIE
+        cmdsize:         16
+        dataoff:         32864
+        datasize:        24
+      - cmd:             LC_SYMTAB
+        cmdsize:         24
+        symoff:          32896
+        nsyms:           2
+        stroff:          32936
+        strsize:         16
+      - cmd:             LC_DYSYMTAB
+        cmdsize:         80
+        ilocalsym:       0
+        nlocalsym:       0
+        iextdefsym:      0
+        nextdefsym:      1
+        iundefsym:       1
+        nundefsym:       1
+        tocoff:          0
+        ntoc:            0
+        modtaboff:       0
+        nmodtab:         0
+        extrefsymoff:    0
+        nextrefsyms:     0
+        indirectsymoff:  32928
+        nindirectsyms:   2
+        extreloff:       0
+        nextrel:         0
+        locreloff:       0
+        nlocrel:         0
+      - cmd:             LC_UUID
+        cmdsize:         24
+        uuid:            E74F368D-238F-31FA-BF40-FA2964FED986
+      - cmd:             LC_BUILD_VERSION
+        cmdsize:         32
+        platform:        1
+        minos:           983040
+        sdk:             983552
+        ntools:          1
+        Tools:
+          - tool:            3
+            version:         73074435
+      - cmd:             LC_SOURCE_VERSION
+        cmdsize:         16
+        version:         0
+      - cmd:             LC_LOAD_DYLIB
+        cmdsize:         56
+        dylib:
+          name:            24
+          timestamp:       2
+          current_version: 88539136
+          compatibility_version: 65536
+        Content:         '/usr/lib/libSystem.B.dylib'
+        ZeroPadBytes:    6
+      - cmd:             LC_FUNCTION_STARTS
+        cmdsize:         16
+        dataoff:         32888
+        datasize:        8
+      - cmd:             LC_DATA_IN_CODE
+        cmdsize:         16
+        dataoff:         32896
+        datasize:        0
+      - cmd:             LC_CODE_SIGNATURE
+        cmdsize:         16
+        dataoff:         32960
+        datasize:        416
+    LinkEditData:
+      ExportTrie:
+        TerminalSize:    0
+        NodeOffset:      0
+        Name:            ''
+        Flags:           0x0
+        Address:         0x0
+        Other:           0x0
+        ImportName:      ''
+        Children:
+          - TerminalSize:    3
+            NodeOffset:      13
+            Name:            _sayZ
+            Flags:           0x0
+            Address:         0x3F68
+            Other:           0x0
+            ImportName:      ''
+      NameList:
+        - n_strx:          2
+          n_type:          0xF
+          n_sect:          1
+          n_desc:          0
+          n_value:         16232
+        - n_strx:          8
+          n_type:          0x1
+          n_sect:          0
+          n_desc:          256
+          n_value:         0
+      StringTable:
+        - ' '
+        - _sayZ
+        - _printf
+      IndirectSymbols: [ 0x1, 0x1 ]
+      FunctionStarts:  [ 0x3F68 ]
+      ChainedFixups:   [ 0x0, 0x0, 0x0, 0x0, 0x20, 0x0, 0x0, 0x0, 0x48, 
+                         0x0, 0x0, 0x0, 0x50, 0x0, 0x0, 0x0, 0x1, 0x0, 
+                         0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x3, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x10, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x18, 0x0, 0x0, 0x0, 0x0, 0x40, 0xC, 0x0, 
+                         0x0, 0x40, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0, 0x1, 0x0, 0x0, 0x0, 0x1, 0x2, 0x0, 
+                         0x0, 0x0, 0x0, 0x0, 0x0, 0x0, 0x5F, 0x70, 0x72, 
+                         0x69, 0x6E, 0x74, 0x66, 0x0, 0x0, 0x0, 0x0, 0x0, 
+                         0x0, 0x0, 0x0 ]
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
new file mode 100644
index 0000000000000..589f66bfee0c5
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -0,0 +1,695 @@
+//===- LibraryResolverTest.cpp - Unit tests for LibraryResolver -===//
+//
+// Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
+// See https://llvm.org/LICENSE.txt for license information.
+// SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
+//
+//===----------------------------------------------------------------------===//
+
+#include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h"
+#include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
+
+#include "llvm/ObjectYAML/MachOYAML.h"
+#include "llvm/ObjectYAML/yaml2obj.h"
+#include "llvm/Support/FileSystem.h"
+#include "llvm/Support/MemoryBuffer.h"
+#include "llvm/Support/Path.h"
+#include "llvm/Support/YAMLParser.h"
+#include "llvm/Support/YAMLTraits.h"
+#include "llvm/Support/raw_ostream.h"
+
+#include "gtest/gtest.h"
+
+#include <algorithm>
+#include <optional>
+#include <string>
+#include <vector>
+
+using namespace llvm;
+using namespace llvm::orc;
+
+#if defined(__APPLE__)
+namespace {
+
+#if defined(__APPLE__)
+constexpr const char *ext = ".dylib";
+#elif defined(_WIN32)
+constexpr const char *ext = ".dll";
+#else
+constexpr const char *ext = ".so";
+#endif
+
+class LibraryTestEnvironment : public ::testing::Environment {
+  std::vector<std::string> createdDylibsDir;
+  std::vector<std::string> createdDylibs;
+  SmallVector<char, 128> dirPath;
+
+public:
+  void SetUp() override {
+    StringRef thisFile = __FILE__;
+    SmallVector<char, 128> filedirpath(thisFile.begin(), thisFile.end());
+    sys::path::remove_filename(filedirpath);
+    const char *indir = "Inputs";
+    sys::path::append(dirPath, filedirpath, indir);
+
+    // given yamlPath + dylibPath, validate + convert
+    auto processYamlToDylib = [&](const SmallVector<char, 128> &yamlPath,
+                                  const SmallVector<char, 128> &dylibPath) {
+      if (!sys::fs::exists(yamlPath)) {
+        errs() << "YAML file missing: "
+               << StringRef(yamlPath.data(), yamlPath.size()) << "\n";
+        FAIL();
+      }
+
+      auto bufOrErr = MemoryBuffer::getFile(yamlPath);
+      if (!bufOrErr) {
+        errs() << "Failed to read "
+               << StringRef(yamlPath.data(), yamlPath.size()) << ": "
+               << bufOrErr.getError().message() << "\n";
+        FAIL();
+      }
+
+      yaml::Input yin(bufOrErr->get()->getBuffer());
+      std::error_code EC;
+      raw_fd_ostream outFile(StringRef(dylibPath.data(), dylibPath.size()), EC,
+                             sys::fs::OF_None);
+
+      if (EC) {
+        errs() << "Failed to open "
+               << StringRef(dylibPath.data(), dylibPath.size())
+               << " for writing: " << EC.message() << "\n";
+        FAIL();
+      }
+
+      if (!yaml::convertYAML(yin, outFile, [](const Twine &M) {
+            // Handle or ignore errors here
+            errs() << "Yaml Error :" << M << "\n";
+          })) {
+        errs() << "Failed to convert "
+               << StringRef(yamlPath.data(), yamlPath.size()) << " to "
+               << StringRef(dylibPath.data(), dylibPath.size()) << "\n";
+        FAIL();
+      }
+
+      createdDylibsDir.push_back(std::string(sys::path::parent_path(
+          StringRef(dylibPath.data(), dylibPath.size()))));
+      createdDylibs.push_back(std::string(dylibPath.begin(), dylibPath.end()));
+    };
+
+    std::vector<const char *> libDirs = {"Z", "A", "B", "C", "D"};
+
+    for (const auto &libdirName : libDirs) {
+      // YAML path
+      SmallVector<char, 128> yamlPath(dirPath.begin(), dirPath.end());
+      sys::path::append(yamlPath, libdirName, libdirName);
+      sys::path::replace_extension(yamlPath, ".yaml");
+
+      // dylib path
+      SmallVector<char, 128> dylibPath(dirPath.begin(), dirPath.end());
+      sys::path::append(dylibPath, libdirName, libdirName);
+      sys::path::replace_extension(dylibPath, ext);
+      processYamlToDylib(yamlPath, dylibPath);
+    }
+
+    std::error_code ec;
+    for (sys::fs::directory_iterator It(dirPath, ec), end; It != end && !ec;
+         It.increment(ec)) {
+      if (sys::path::extension(It->path()) == ".yaml") {
+        SmallVector<char, 128> yamlPath(It->path().begin(), It->path().end());
+        SmallVector<char, 128> dylibPath(It->path().begin(), It->path().end());
+        sys::path::replace_extension(dylibPath, ext);
+        processYamlToDylib(yamlPath, dylibPath);
+      }
+    }
+  }
+
+  void TearDown() override {
+    for (const auto &dylibFile : createdDylibs) {
+      sys::fs::remove(dylibFile);
+    }
+    createdDylibs.clear();
+  }
+
+  std::string getBaseDir() const {
+    return std::string(dirPath.begin(), dirPath.end());
+  }
+};
+
+static LibraryTestEnvironment *GlobalEnv =
+    static_cast<LibraryTestEnvironment *>(
+        ::testing::AddGlobalTestEnvironment(new LibraryTestEnvironment()));
+
+inline std::string libPath(const std::string &baseDir,
+                           const std::string &name) {
+#if defined(__APPLE__)
+  return baseDir + "/" + name + ".dylib";
+#elif defined(_WIN32)
+  return baseDir + "/" + name + ".dll";
+#else
+  return baseDir + "/" + name + ".so";
+#endif
+}
+
+inline std::string withext(const std::string &lib) {
+  SmallString<128> P(lib);
+  sys::path::replace_extension(P, ext);
+  return P.str().str();
+}
+
+inline std::string platformSymbolName(const std::string &name) {
+#if defined(__APPLE__)
+  return "_" + name; // macOS prepends underscore
+#else
+  return name;
+#endif
+}
+
+struct TestLibrary {
+  std::string path;
+  std::vector<std::string> symbols;
+};
+
+class LibraryResolverIT : public ::testing::Test {
+protected:
+  std::string baseDir;
+  std::unordered_map<std::string, TestLibrary> libs;
+  void SetUp() override {
+    ASSERT_NE(GlobalEnv, nullptr);
+    baseDir = GlobalEnv->getBaseDir();
+    libs["A"] = {libPath(baseDir, "A/A"), {platformSymbolName("sayA")}};
+    libs["B"] = {libPath(baseDir, "B/B"), {platformSymbolName("sayB")}};
+    libs["C"] = {libPath(baseDir, "C/C"), {platformSymbolName("sayC")}};
+    libs["D"] = {libPath(baseDir, "D/D"), {platformSymbolName("sayD")}};
+    libs["Z"] = {libPath(baseDir, "Z/Z"), {platformSymbolName("sayZ")}};
+  }
+
+  const std::vector<std::string> &sym(const std::string &key) {
+    return libs[key].symbols;
+  }
+  const std::string &lib(const std::string &key) { return libs[key].path; }
+  const std::string libdir(const std::string &key) {
+    SmallString<512> P(libs[key].path);
+    sys::path::remove_filename(P);
+    return P.str().str();
+  }
+  const std::string libname(const std::string &key) {
+    return sys::path::filename(libs[key].path).str();
+  }
+};
+
+// Helper: allow either "sayA" or "_sayA" depending on how your SymbolEnumerator
+// reports.
+static bool matchesEitherUnderscore(const std::string &got,
+                                    const std::string &bare) {
+  return got == bare || got == ("_" + bare);
+}
+
+// Helper: normalize path ending check (we only care that it resolved to the
+// right dylib)
+static bool endsWith(const std::string &s, const std::string &suffix) {
+  if (s.size() < suffix.size())
+    return false;
+  return std::equal(suffix.rbegin(), suffix.rend(), s.rbegin());
+}
+
+// --- 1) SymbolEnumerator enumerates real exports from libC.dylib ---
+TEST_F(LibraryResolverIT, EnumerateSymbolsFromARespectsDefaults) {
+  const std::string libC = lib("C");
+
+  SymbolEnumeratorOptions opts = SymbolEnumeratorOptions::defaultOptions();
+
+  std::vector<std::string> seen;
+  auto onEach = [&](llvm::StringRef sym) -> EnumerateResult {
+    seen.emplace_back(sym.str());
+    return EnumerateResult::Continue;
+  };
+
+  const bool ok = SymbolEnumerator::enumerateSymbols(libC, onEach, opts);
+  ASSERT_TRUE(ok) << "enumerateSymbols failed on " << libC;
+
+  // We expect to see sayA (export) and not an undefined reference to printf.
+  bool foundSayA = false;
+  for (const auto &s : seen) {
+    if (matchesEitherUnderscore(s, "sayA")) {
+      foundSayA = true;
+      break;
+    }
+  }
+  EXPECT_FALSE(foundSayA) << "Expected exported symbol sayA in libC";
+}
+
+TEST_F(LibraryResolverIT, EnumerateSymbols_ExportsOnly_DefaultFlags) {
+  const std::string libC = lib("C");
+  SymbolEnumeratorOptions opts = SymbolEnumeratorOptions::defaultOptions();
+
+  std::vector<std::string> seen;
+  auto onEach = [&](llvm::StringRef sym) -> EnumerateResult {
+    seen.emplace_back(sym.str());
+    return EnumerateResult::Continue;
+  };
+
+  ASSERT_TRUE(SymbolEnumerator::enumerateSymbols(libC, onEach, opts));
+
+  // sayC is exported, others are undefined → only sayC expected
+  EXPECT_TRUE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayC");
+  }));
+  EXPECT_FALSE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayA");
+  }));
+  EXPECT_FALSE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayB");
+  }));
+  EXPECT_FALSE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayZ");
+  }));
+}
+
+TEST_F(LibraryResolverIT, EnumerateSymbols_IncludesUndefineds) {
+  const std::string libC = lib("C");
+
+  SymbolEnumeratorOptions opts;
+  opts.FilterFlags =
+      SymbolEnumeratorOptions::IgnoreWeak |
+      SymbolEnumeratorOptions::IgnoreIndirect; // no IgnoreUndefined
+
+  std::vector<std::string> seen;
+  auto onEach = [&](llvm::StringRef sym) -> EnumerateResult {
+    seen.emplace_back(sym.str());
+    return EnumerateResult::Continue;
+  };
+
+  ASSERT_TRUE(SymbolEnumerator::enumerateSymbols(libC, onEach, opts));
+
+  // Now we should see both sayC (export) and the undefined refs sayA, sayB,
+  // sayZ
+  EXPECT_TRUE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayC");
+  }));
+  EXPECT_TRUE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayA");
+  }));
+  EXPECT_TRUE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayB");
+  }));
+  EXPECT_TRUE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayZ");
+  }));
+}
+
+TEST_F(LibraryResolverIT, EnumerateSymbols_IndirectExportRespected) {
+  const std::string libD = lib("D");
+
+  SymbolEnumeratorOptions opts;
+  opts.FilterFlags = SymbolEnumeratorOptions::IgnoreWeak; // allow indirects
+
+  std::vector<std::string> seen;
+  auto onEach = [&](llvm::StringRef sym) -> EnumerateResult {
+    seen.emplace_back(sym.str());
+    return EnumerateResult::Continue;
+  };
+
+  ASSERT_TRUE(SymbolEnumerator::enumerateSymbols(libD, onEach, opts));
+
+  // sayA is re-exported from A, so should appear unless IgnoreIndirect was set
+  EXPECT_TRUE(any_of(seen, [&](const std::string &s) {
+    return matchesEitherUnderscore(s, "sayA");
+  }));
+}
+
+// --- 2) Filters: if we remove IgnoreUndefined, we should also see undefineds
+// like printf ---
+TEST_F(LibraryResolverIT, EnumerateSymbolsIncludesUndefWhenNotIgnored) {
+  const std::string libA = lib("A");
+
+  SymbolEnumeratorOptions opts = SymbolEnumeratorOptions::defaultOptions();
+  // Start from defaults but allow undefined
+  opts.FilterFlags &= ~SymbolEnumeratorOptions::IgnoreUndefined;
+
+  bool sawPrintf = false;
+  auto onEach = [&](llvm::StringRef sym) -> EnumerateResult {
+    if (matchesEitherUnderscore(sym.str(), "printf"))
+      sawPrintf = true;
+    return EnumerateResult::Continue;
+  };
+
+  ASSERT_TRUE(SymbolEnumerator::enumerateSymbols(libA, onEach, opts));
+  EXPECT_TRUE(sawPrintf)
+      << "Expected to see undefined symbol printf when not filtered";
+}
+
+// --- 3) Full resolution via LibraryResolutionDriver/LibraryResolver ---
+TEST_F(LibraryResolverIT, DriverResolvesSymbolsToCorrectLibraries) {
+  // Create the resolver from real base paths (our fixtures dir)
+  auto setup = LibraryResolver::Setup::create({baseDir});
+
+  // Full system behavior: no mocks
+  auto driver = LibraryResolutionDriver::create(setup);
+  ASSERT_NE(driver, nullptr);
+
+  // Tell the driver about the scan path kinds (User/System) as your production
+  // code expects.
+  driver->addScanPath(libdir("A"), PathType::User);
+  driver->addScanPath(libdir("B"), PathType::User);
+  driver->addScanPath(libdir("Z"), PathType::User);
+
+  // Symbols to resolve (bare names; class handles underscore differences
+  // internally)
+  std::vector<std::string> symbols = {platformSymbolName("sayA"),
+                                      platformSymbolName("sayB"),
+                                      platformSymbolName("sayZ")};
+
+  bool callbackRan = false;
+  driver->resolveSymbols(symbols, [&](SymbolQuery &query) {
+    callbackRan = true;
+
+    // sayA should resolve to A.dylib
+    {
+      auto lib = query.getResolvedLib(platformSymbolName("sayA"));
+      ASSERT_TRUE(lib.has_value()) << "sayA should be resolved";
+      EXPECT_TRUE(endsWith(lib->str(), withext("/A")))
+          << "sayA resolved to: " << lib->str();
+    }
+
+    // sayB should resolve to B.dylib
+    {
+      auto lib = query.getResolvedLib(platformSymbolName("sayB"));
+      ASSERT_TRUE(lib.has_value()) << "sayB should be resolved";
+      EXPECT_TRUE(endsWith(lib->str(), withext("/B")))
+          << "sayB resolved to: " << lib->str();
+    }
+
+    // sayZ should resolve to B.dylib
+    {
+      auto lib = query.getResolvedLib(platformSymbolName("sayZ"));
+      ASSERT_TRUE(lib.has_value()) << "sayZ should be resolved";
+      EXPECT_TRUE(endsWith(lib->str(), withext("/Z")))
+          << "sayZ resolved to: " << lib->str();
+    }
+
+    EXPECT_TRUE(query.allResolved());
+  });
+
+  EXPECT_TRUE(callbackRan);
+}
+
+// --- 4) Cross-library reference visibility (C references A) ---
+TEST_F(LibraryResolverIT, EnumeratorSeesInterLibraryRelationship) {
+  const std::string libC = lib("C");
+
+  SymbolEnumeratorOptions onlyUndef = SymbolEnumeratorOptions::defaultOptions();
+  // Show only undefined (drop IgnoreUndefined) to see B's reference to sayA
+  onlyUndef.FilterFlags &= ~SymbolEnumeratorOptions::IgnoreUndefined;
+
+  bool sawSayAAsUndef = false;
+  auto onEach = [&](llvm::StringRef sym) -> EnumerateResult {
+    if (matchesEitherUnderscore(sym.str(), "sayA"))
+      sawSayAAsUndef = true;
+    return EnumerateResult::Continue;
+  };
+
+  ASSERT_TRUE(SymbolEnumerator::enumerateSymbols(libC, onEach, onlyUndef));
+  EXPECT_TRUE(sawSayAAsUndef)
+      << "libC should have an undefined reference to sayA (defined in libA)";
+}
+
+// // // --- 5) Optional: stress SymbolQuery with the real resolve flow ---
+TEST_F(LibraryResolverIT, ResolveManySymbols) {
+  auto setup = LibraryResolver::Setup::create({baseDir});
+  auto driver = LibraryResolutionDriver::create(setup);
+  ASSERT_NE(driver, nullptr);
+  driver->addScanPath(libdir("A"), PathType::User);
+  driver->addScanPath(libdir("B"), PathType::User);
+  driver->addScanPath(libdir("Z"), PathType::User);
+
+  // Many duplicates to provoke concurrent updates inside SymbolQuery
+  std::vector<std::string> symbols = {
+      platformSymbolName("sayA"), platformSymbolName("sayB"),
+      platformSymbolName("sayA"), platformSymbolName("sayB"),
+      platformSymbolName("sayZ"), platformSymbolName("sayZ"),
+      platformSymbolName("sayZ"), platformSymbolName("sayZ"),
+      platformSymbolName("sayA"), platformSymbolName("sayB"),
+      platformSymbolName("sayA"), platformSymbolName("sayB")};
+
+  driver->resolveSymbols(symbols, [&](SymbolQuery &query) {
+    EXPECT_TRUE(query.isResolved(platformSymbolName("sayA")));
+    EXPECT_TRUE(query.isResolved(platformSymbolName("sayB")));
+
+    auto a = query.getResolvedLib(platformSymbolName("sayA"));
+    auto b = query.getResolvedLib(platformSymbolName("sayB"));
+    auto z = query.getResolvedLib(platformSymbolName("sayZ"));
+    ASSERT_TRUE(a.has_value());
+    ASSERT_TRUE(b.has_value());
+    ASSERT_TRUE(z.has_value());
+    EXPECT_TRUE(endsWith(a->str(), libname("A")));
+    EXPECT_TRUE(endsWith(b->str(), libname("B")));
+    EXPECT_TRUE(endsWith(z->str(), libname("Z")));
+    EXPECT_TRUE(query.allResolved());
+  });
+}
+
+TEST_F(LibraryResolverIT, ScanSingleUserPath) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+  LibraryScanHelper scanH({}, cache, presolver);
+
+  scanH.addBasePath(libdir("C"), PathType::User);
+
+  std::error_code ec;
+  auto libCPathOpt = presolver->resolve(lib("C"), ec);
+
+  if (!libCPathOpt || ec) {
+    FAIL();
+  }
+
+  std::string libCPath = *libCPathOpt;
+
+  LibraryManager mgr;
+  LibraryScanner scanner(scanH, mgr);
+
+  scanner.scanNext(PathType::User);
+
+  bool found = false;
+  mgr.forEachLibrary([&](const LibraryInfo &lib) {
+    if (lib.getFullPath() == libCPath) {
+      found = true;
+    }
+    return true;
+  });
+  EXPECT_TRUE(found) << "Expected to find " << libCPath;
+}
+
+TEST_F(LibraryResolverIT, ScanMultiplePaths) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+  LibraryScanHelper scanH({}, cache, presolver);
+
+  scanH.addBasePath("/tmp/empty", PathType::User); // empty dir
+  scanH.addBasePath(libdir("D"), PathType::User);
+
+  LibraryManager mgr;
+  LibraryScanner scanner(scanH, mgr);
+
+  scanner.scanNext(PathType::User);
+
+  size_t count = 0;
+  mgr.forEachLibrary([&](const LibraryInfo &) {
+    count++;
+    return true;
+  });
+
+  EXPECT_GE(count, 1u) << "Should find at least libA in multiple paths";
+}
+
+TEST_F(LibraryResolverIT, ScanAndCheckDeps) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+  LibraryScanHelper scanH({}, cache, presolver);
+
+  scanH.addBasePath(libdir("C"), PathType::User);
+
+  LibraryManager mgr;
+  LibraryScanner scanner(scanH, mgr);
+
+  scanner.scanNext(PathType::User);
+
+  size_t count = 0;
+  mgr.forEachLibrary([&](const LibraryInfo &) {
+    count++;
+    return true;
+  });
+
+  EXPECT_GE(count, 3u) << "Should find at least libA in multiple paths";
+}
+
+TEST_F(LibraryResolverIT, ScanEmptyPath) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+  LibraryScanHelper scanH({}, cache, presolver);
+
+  scanH.addBasePath("/tmp/empty", PathType::User);
+
+  LibraryManager mgr;
+  LibraryScanner scanner(scanH, mgr);
+
+  scanner.scanNext(PathType::User);
+
+  size_t count = 0;
+  mgr.forEachLibrary([&](const LibraryInfo &) {
+    count++;
+    return true;
+  });
+  EXPECT_EQ(count, 0u);
+}
+
+TEST_F(LibraryResolverIT, PathResolverResolvesKnownPaths) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+
+  std::error_code ec;
+  auto missing = presolver->resolve("temp/foo/bar", ec);
+  EXPECT_FALSE(missing.has_value()) << "Unexpectedly resolved a bogus path";
+  EXPECT_TRUE(ec) << "Expected error resolving path";
+
+  auto dirPath = presolver->resolve(baseDir, ec);
+  ASSERT_TRUE(dirPath.has_value());
+  EXPECT_FALSE(ec) << "Expected no error resolving path";
+  EXPECT_EQ(*dirPath, baseDir);
+
+  auto dylibPath = presolver->resolve(lib("C"), ec);
+  ASSERT_TRUE(dylibPath.has_value());
+  EXPECT_FALSE(ec) << "Expected no error resolving path";
+  EXPECT_EQ(*dylibPath, lib("C"));
+}
+
+TEST_F(LibraryResolverIT, PathResolverNormalizesDotAndDotDot) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+
+  std::error_code ec;
+
+  // e.g. baseDir + "/./C/../C/C.dylib" → baseDir + "/C.dylib"
+  std::string messy = baseDir + "/C/./../C/./C" + ext;
+  auto resolved = presolver->resolve(messy, ec);
+  ASSERT_TRUE(resolved.has_value());
+  EXPECT_FALSE(ec);
+  EXPECT_EQ(*resolved, lib("C")) << "Expected realpath to collapse . and ..";
+}
+
+#if !defined(_WIN32)
+TEST_F(LibraryResolverIT, PathResolverFollowsSymlinks) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+
+  std::error_code ec;
+
+  // Create a symlink temp -> baseDir (only if filesystem allows it)
+  std::string linkName = baseDir + withext("/link_to_C");
+  std::string target = lib("C");
+  ::symlink(target.c_str(), linkName.c_str());
+
+  auto resolved = presolver->resolve(linkName, ec);
+  ASSERT_TRUE(resolved.has_value());
+  EXPECT_FALSE(ec);
+  EXPECT_EQ(*resolved, target);
+
+  ::unlink(linkName.c_str()); // cleanup
+}
+
+TEST_F(LibraryResolverIT, PathResolverCachesResults) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+
+  SmallString<128> tmpDylib;
+  sys::fs::createUniqueFile(withext("A-copy"), tmpDylib);
+  sys::fs::copy_file(lib("A"), tmpDylib);
+
+  std::error_code ec;
+
+  // First resolve -> should populate cache
+  auto first = presolver->resolve(tmpDylib, ec);
+  ASSERT_TRUE(first.has_value());
+
+  // Forcefully remove the file from disk
+  ::unlink(tmpDylib.c_str());
+
+  // Second resolve -> should still succeed from cache
+  auto second = presolver->resolve(tmpDylib, ec);
+  EXPECT_TRUE(second.has_value());
+  EXPECT_EQ(*second, *first);
+}
+#endif
+
+TEST_F(LibraryResolverIT, LoaderPathSubstitutionAndResolve) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+
+  DylibSubstitutor substitutor;
+  substitutor.configure(libdir("C"));
+
+  // Substitute @loader_path with baseDir
+  std::string substituted = substitutor.substitute(withext("@loader_path/C"));
+  ASSERT_FALSE(substituted.empty());
+  EXPECT_EQ(substituted, lib("C"));
+
+  // Now try resolving the substituted path
+  std::error_code ec;
+  auto resolved = presolver->resolve(substituted, ec);
+  ASSERT_TRUE(resolved.has_value()) << "Expected to resolve substituted dylib";
+  EXPECT_EQ(*resolved, lib("C"));
+  EXPECT_FALSE(ec) << "Expected no error resolving substituted dylib";
+}
+
+TEST_F(LibraryResolverIT, LoaderPathSubstitutionAndResolve2) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+
+  DylibPathValidator validator(*presolver);
+
+  std::vector<std::string> Paths = {"/foo/bar/", "temp/foo",  libdir("C"),
+                                    libdir("A"), libdir("B"), libdir("Z")};
+
+  SmallVector<StringRef> P(Paths.begin(), Paths.end());
+
+  DylibResolver Resolver(validator);
+  Resolver.configure("", {}, {}, P);
+
+  // Check "C"
+  auto valOptC = Resolver.resolve("C", true);
+  EXPECT_TRUE(valOptC.has_value());
+  EXPECT_EQ(*valOptC, lib("C"));
+
+  auto valOptCdylib = Resolver.resolve(withext("C"));
+  EXPECT_TRUE(valOptCdylib.has_value());
+  EXPECT_EQ(*valOptCdylib, lib("C"));
+
+  // Check "A"
+  auto valOptA = Resolver.resolve("A", true);
+  EXPECT_TRUE(valOptA.has_value());
+  EXPECT_EQ(*valOptA, lib("A"));
+
+  auto valOptAdylib = Resolver.resolve(withext("A"));
+  EXPECT_TRUE(valOptAdylib.has_value());
+  EXPECT_EQ(*valOptAdylib, lib("A"));
+
+  // Check "B"
+  auto valOptB = Resolver.resolve("B", true);
+  EXPECT_TRUE(valOptB.has_value());
+  EXPECT_EQ(*valOptB, lib("B"));
+
+  auto valOptBdylib = Resolver.resolve(withext("B"));
+  EXPECT_TRUE(valOptBdylib.has_value());
+  EXPECT_EQ(*valOptBdylib, lib("B"));
+
+  // Check "Z"
+  auto valOptZ = Resolver.resolve("Z", true);
+  EXPECT_TRUE(valOptZ.has_value());
+  EXPECT_EQ(*valOptZ, lib("Z"));
+
+  auto valOptZdylib = Resolver.resolve(withext("Z"));
+  EXPECT_TRUE(valOptZdylib.has_value());
+  EXPECT_EQ(*valOptZdylib, lib("Z"));
+}
+
+} // namespace
+#endif // defined(__APPLE__)

>From 3e47ef639bfa81fa19e9825cb9d5951606260ce5 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sat, 23 Aug 2025 15:08:24 +0530
Subject: [PATCH 23/37] Skip tests if not running on Mach-O

---
 .../Orc/TargetProcess/LibraryScanner.cpp      |  4 +-
 .../Orc/LibraryResolverTest.cpp               | 53 ++++++++++++++-----
 2 files changed, 41 insertions(+), 16 deletions(-)

diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 8bd55ed9ee4ae..e557ee5f4a44b 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -691,7 +691,7 @@ LibraryScanHelper::getNextBatch(PathType kind, size_t batchSize) {
 
   std::unique_lock<std::shared_mutex> lock(m_mutex);
 
-  while (!queue.empty() && result.size() < batchSize) {
+  while (!queue.empty() && (batchSize == 0 || result.size() < batchSize)) {
     StringRef base = queue.front();
     auto it = m_units.find(base);
     if (it != m_units.end()) {
@@ -750,7 +750,7 @@ PathType LibraryScanHelper::classifyKind(StringRef path) const {
 
   static const std::array<std::string, 5> userPrefixes = {
       "/usr/local",    // often used by users for manual installs
-      "/opt/homebrew", // common on macOS M1/M2
+      "/opt/homebrew", // common on macOS
       "/opt/local",    // MacPorts
       "/home",         // Linux home dirs
       "/Users",        // macOS user dirs
diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index 589f66bfee0c5..d316e8e8d49a0 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -6,6 +6,7 @@
 //
 //===----------------------------------------------------------------------===//
 
+#include "llvm/ExecutionEngine/Orc/JITTargetMachineBuilder.h"
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h"
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
 
@@ -39,6 +40,8 @@ constexpr const char *ext = ".dll";
 constexpr const char *ext = ".so";
 #endif
 
+static bool EnvReady = true;
+
 class LibraryTestEnvironment : public ::testing::Environment {
   std::vector<std::string> createdDylibsDir;
   std::vector<std::string> createdDylibs;
@@ -53,12 +56,14 @@ class LibraryTestEnvironment : public ::testing::Environment {
     sys::path::append(dirPath, filedirpath, indir);
 
     // given yamlPath + dylibPath, validate + convert
-    auto processYamlToDylib = [&](const SmallVector<char, 128> &yamlPath,
-                                  const SmallVector<char, 128> &dylibPath) {
+    auto processYamlToDylib =
+        [&](const SmallVector<char, 128> &yamlPath,
+            const SmallVector<char, 128> &dylibPath) -> bool {
       if (!sys::fs::exists(yamlPath)) {
         errs() << "YAML file missing: "
                << StringRef(yamlPath.data(), yamlPath.size()) << "\n";
-        FAIL();
+        EnvReady = false;
+        return false;
       }
 
       auto bufOrErr = MemoryBuffer::getFile(yamlPath);
@@ -66,7 +71,8 @@ class LibraryTestEnvironment : public ::testing::Environment {
         errs() << "Failed to read "
                << StringRef(yamlPath.data(), yamlPath.size()) << ": "
                << bufOrErr.getError().message() << "\n";
-        FAIL();
+        EnvReady = false;
+        return false;
       }
 
       yaml::Input yin(bufOrErr->get()->getBuffer());
@@ -78,7 +84,8 @@ class LibraryTestEnvironment : public ::testing::Environment {
         errs() << "Failed to open "
                << StringRef(dylibPath.data(), dylibPath.size())
                << " for writing: " << EC.message() << "\n";
-        FAIL();
+        EnvReady = false;
+        return false;
       }
 
       if (!yaml::convertYAML(yin, outFile, [](const Twine &M) {
@@ -88,12 +95,14 @@ class LibraryTestEnvironment : public ::testing::Environment {
         errs() << "Failed to convert "
                << StringRef(yamlPath.data(), yamlPath.size()) << " to "
                << StringRef(dylibPath.data(), dylibPath.size()) << "\n";
-        FAIL();
+        EnvReady = false;
+        return false;
       }
 
       createdDylibsDir.push_back(std::string(sys::path::parent_path(
           StringRef(dylibPath.data(), dylibPath.size()))));
       createdDylibs.push_back(std::string(dylibPath.begin(), dylibPath.end()));
+      return true;
     };
 
     std::vector<const char *> libDirs = {"Z", "A", "B", "C", "D"};
@@ -108,7 +117,8 @@ class LibraryTestEnvironment : public ::testing::Environment {
       SmallVector<char, 128> dylibPath(dirPath.begin(), dirPath.end());
       sys::path::append(dylibPath, libdirName, libdirName);
       sys::path::replace_extension(dylibPath, ext);
-      processYamlToDylib(yamlPath, dylibPath);
+      if (!processYamlToDylib(yamlPath, dylibPath))
+        return;
     }
 
     std::error_code ec;
@@ -118,7 +128,8 @@ class LibraryTestEnvironment : public ::testing::Environment {
         SmallVector<char, 128> yamlPath(It->path().begin(), It->path().end());
         SmallVector<char, 128> dylibPath(It->path().begin(), It->path().end());
         sys::path::replace_extension(dylibPath, ext);
-        processYamlToDylib(yamlPath, dylibPath);
+        if (!processYamlToDylib(yamlPath, dylibPath))
+          return;
       }
     }
   }
@@ -174,6 +185,20 @@ class LibraryResolverIT : public ::testing::Test {
   std::string baseDir;
   std::unordered_map<std::string, TestLibrary> libs;
   void SetUp() override {
+    if (!EnvReady)
+      GTEST_SKIP() << "Skipping test: environment setup failed.";
+
+    auto JTMB = JITTargetMachineBuilder::detectHost();
+    // Bail out if we can not detect the host.
+    if (!JTMB) {
+      consumeError(JTMB.takeError());
+      GTEST_SKIP();
+    }
+
+    auto Triple = JTMB->getTargetTriple();
+    if (!Triple.isOSBinFormatMachO())
+      GTEST_SKIP();
+
     ASSERT_NE(GlobalEnv, nullptr);
     baseDir = GlobalEnv->getBaseDir();
     libs["A"] = {libPath(baseDir, "A/A"), {platformSymbolName("sayA")}};
@@ -467,7 +492,7 @@ TEST_F(LibraryResolverIT, ScanSingleUserPath) {
   LibraryManager mgr;
   LibraryScanner scanner(scanH, mgr);
 
-  scanner.scanNext(PathType::User);
+  scanner.scanNext(PathType::User, 0);
 
   bool found = false;
   mgr.forEachLibrary([&](const LibraryInfo &lib) {
@@ -484,13 +509,13 @@ TEST_F(LibraryResolverIT, ScanMultiplePaths) {
   auto presolver = std::make_shared<PathResolver>(cache);
   LibraryScanHelper scanH({}, cache, presolver);
 
-  scanH.addBasePath("/tmp/empty", PathType::User); // empty dir
   scanH.addBasePath(libdir("D"), PathType::User);
+  scanH.addBasePath("/tmp/empty", PathType::User); // empty dir (won't add)
 
   LibraryManager mgr;
   LibraryScanner scanner(scanH, mgr);
 
-  scanner.scanNext(PathType::User);
+  scanner.scanNext(PathType::User, 1);
 
   size_t count = 0;
   mgr.forEachLibrary([&](const LibraryInfo &) {
@@ -498,7 +523,7 @@ TEST_F(LibraryResolverIT, ScanMultiplePaths) {
     return true;
   });
 
-  EXPECT_GE(count, 1u) << "Should find at least libA in multiple paths";
+  EXPECT_GE(count, 1u) << "Should find at least lib in multiple paths";
 }
 
 TEST_F(LibraryResolverIT, ScanAndCheckDeps) {
@@ -511,7 +536,7 @@ TEST_F(LibraryResolverIT, ScanAndCheckDeps) {
   LibraryManager mgr;
   LibraryScanner scanner(scanH, mgr);
 
-  scanner.scanNext(PathType::User);
+  scanner.scanNext(PathType::User, 0);
 
   size_t count = 0;
   mgr.forEachLibrary([&](const LibraryInfo &) {
@@ -532,7 +557,7 @@ TEST_F(LibraryResolverIT, ScanEmptyPath) {
   LibraryManager mgr;
   LibraryScanner scanner(scanH, mgr);
 
-  scanner.scanNext(PathType::User);
+  scanner.scanNext(PathType::User, 0);
 
   size_t count = 0;
   mgr.forEachLibrary([&](const LibraryInfo &) {

>From 1fd2ef7e95772ed5313564803c18b891c8c3c50e Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Mon, 25 Aug 2025 10:49:27 +0530
Subject: [PATCH 24/37] Improve library search path resolver

---
 .../Orc/TargetProcess/LibraryScanner.h        | 38 ++++++++------
 .../Orc/TargetProcess/LibraryScanner.cpp      | 13 ++---
 .../Orc/LibraryResolverTest.cpp               | 49 +++++++++++++++++--
 3 files changed, 77 insertions(+), 23 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 0a7464648d466..f707c305a8be3 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -19,9 +19,8 @@
 #include "llvm/ADT/StringRef.h"
 #include "llvm/ADT/StringSet.h"
 #include "llvm/Object/ObjectFile.h"
-#include "llvm/Support/Error.h"
-
 #include "llvm/Support/Allocator.h"
+#include "llvm/Support/Error.h"
 #include "llvm/Support/StringSaver.h"
 
 #include <atomic>
@@ -218,21 +217,34 @@ class DylibPathValidator {
   PathResolver &m_pathResolver;
 };
 
+enum class SearchPathType {
+  RPath,
+  UsrOrSys,
+  RunPath,
+};
+
+struct SearchPathConfig {
+  ArrayRef<StringRef> Paths;
+  SearchPathType type;
+};
+
 class SearchPathResolver {
 public:
-  SearchPathResolver(ArrayRef<StringRef> searchPaths,
-                     StringRef placeholderPrefix = "@rpath")
-      : placeholderPrefix(placeholderPrefix) {
-    for (auto &path : searchPaths)
+  SearchPathResolver(const SearchPathConfig &Cfg,
+                     StringRef placeholderPrefix = "")
+      : Kind(Cfg.type), placeholderPrefix(placeholderPrefix) {
+    for (auto &path : Cfg.Paths)
       paths.emplace_back(path.str());
   }
 
   std::optional<std::string> resolve(StringRef stem,
                                      const DylibSubstitutor &subst,
                                      DylibPathValidator &validator) const;
+  SearchPathType searchPathType() const { return Kind; }
 
 private:
   std::vector<std::string> paths;
+  SearchPathType Kind;
   std::string placeholderPrefix;
 };
 
@@ -258,18 +270,16 @@ class DylibResolver {
 public:
   DylibResolver(DylibPathValidator &validator) : validator(validator) {}
 
-  void configure(StringRef loaderPath, ArrayRef<StringRef> rpaths,
-                 ArrayRef<StringRef> runpaths, ArrayRef<StringRef> extra = {}) {
+  void configure(StringRef loaderPath,
+                 ArrayRef<SearchPathConfig> SearchPathCfg) {
     DylibSubstitutor substitutor;
     substitutor.configure(loaderPath);
 
     std::vector<SearchPathResolver> resolvers;
-    if (!rpaths.empty())
-      resolvers.emplace_back(rpaths, "@rpath");
-    if (!runpaths.empty())
-      resolvers.emplace_back(runpaths, "@rpath");
-    if (!extra.empty())
-      resolvers.emplace_back(extra, "@rpath");
+    for (const auto &cfg : SearchPathCfg) {
+      resolvers.emplace_back(cfg,
+                             cfg.type == SearchPathType::RPath ? "@rpath" : "");
+    }
 
     impl_ = std::make_unique<DylibResolverImpl>(
         std::move(substitutor), validator, std::move(resolvers));
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index e557ee5f4a44b..736195a4dae2e 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -11,10 +11,6 @@
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h"
 
 #include "llvm/ADT/StringExtras.h"
-#include "llvm/Support/FileSystem.h"
-#include "llvm/Support/Path.h"
-#include "llvm/Support/Program.h"
-
 #include "llvm/Object/COFF.h"
 #include "llvm/Object/ELF.h"
 #include "llvm/Object/ELFObjectFile.h"
@@ -23,7 +19,10 @@
 #include "llvm/Object/MachOUniversal.h"
 #include "llvm/Object/ObjectFile.h"
 #include "llvm/Support/Error.h"
+#include "llvm/Support/FileSystem.h"
 #include "llvm/Support/MemoryBuffer.h"
+#include "llvm/Support/Path.h"
+#include "llvm/Support/Program.h"
 #include "llvm/TargetParser/Host.h"
 #include "llvm/TargetParser/Triple.h"
 
@@ -308,7 +307,7 @@ SearchPathResolver::resolve(StringRef stem, const DylibSubstitutor &subst,
     std::string base = subst.substitute(searchPath);
 
     SmallString<512> fullPath(base);
-    if (stem.starts_with(placeholderPrefix))
+    if (!placeholderPrefix.empty() && stem.starts_with(placeholderPrefix))
       fullPath.append(stem.drop_front(placeholderPrefix.size()));
     else
       sys::path::append(fullPath, stem);
@@ -1071,7 +1070,9 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
 
   DylibPathValidator validator(m_helper.getPathResolver());
   DylibResolver m_libResolver(validator);
-  m_libResolver.configure(CanonicalPath, Deps.rpath, Deps.runPath);
+  m_libResolver.configure(CanonicalPath,
+                          {{Deps.rpath, SearchPathType::RPath},
+                           {Deps.runPath, SearchPathType::RunPath}});
   for (StringRef dep : Deps.deps) {
     LLVM_DEBUG(dbgs() << "  Resolving dep: " << dep << "\n";);
     auto dep_fullopt = m_libResolver.resolve(dep);
diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index d316e8e8d49a0..58f993d7a9333 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -6,8 +6,8 @@
 //
 //===----------------------------------------------------------------------===//
 
-#include "llvm/ExecutionEngine/Orc/JITTargetMachineBuilder.h"
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h"
+#include "llvm/ExecutionEngine/Orc/JITTargetMachineBuilder.h"
 #include "llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h"
 
 #include "llvm/ObjectYAML/MachOYAML.h"
@@ -665,7 +665,7 @@ TEST_F(LibraryResolverIT, LoaderPathSubstitutionAndResolve) {
   EXPECT_FALSE(ec) << "Expected no error resolving substituted dylib";
 }
 
-TEST_F(LibraryResolverIT, LoaderPathSubstitutionAndResolve2) {
+TEST_F(LibraryResolverIT, ResolveFromUsrOrSystemPaths) {
   auto cache = std::make_shared<LibraryPathCache>();
   auto presolver = std::make_shared<PathResolver>(cache);
 
@@ -677,7 +677,7 @@ TEST_F(LibraryResolverIT, LoaderPathSubstitutionAndResolve2) {
   SmallVector<StringRef> P(Paths.begin(), Paths.end());
 
   DylibResolver Resolver(validator);
-  Resolver.configure("", {}, {}, P);
+  Resolver.configure("", {{P, SearchPathType::UsrOrSys}});
 
   // Check "C"
   auto valOptC = Resolver.resolve("C", true);
@@ -716,5 +716,48 @@ TEST_F(LibraryResolverIT, LoaderPathSubstitutionAndResolve2) {
   EXPECT_EQ(*valOptZdylib, lib("Z"));
 }
 
+TEST_F(LibraryResolverIT, ResolveViaLoaderPathAndRPathSubstitution) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+
+  DylibPathValidator validator(*presolver);
+
+  std::vector<std::string> Paths = {"@loader_path/../A", "@loader_path/../B",
+                                    "@loader_path/../D", "@loader_path/../Z"};
+
+  SmallVector<StringRef> P(Paths.begin(), Paths.end());
+
+  DylibResolver Resolver(validator);
+
+  // Use only RPath config
+  Resolver.configure(lib("C"), {{P, SearchPathType::RPath}});
+
+  // --- Check A ---
+  auto valOptA = Resolver.resolve("@rpath/A", true);
+  EXPECT_TRUE(valOptA.has_value());
+  EXPECT_EQ(*valOptA, lib("A"));
+
+  auto valOptAdylib = Resolver.resolve(withext("@rpath/A"));
+  EXPECT_TRUE(valOptAdylib.has_value());
+  EXPECT_EQ(*valOptAdylib, lib("A"));
+
+  // --- Check B ---
+  auto valOptB = Resolver.resolve("@rpath/B", true);
+  EXPECT_TRUE(valOptB.has_value());
+  EXPECT_EQ(*valOptB, lib("B"));
+
+  auto valOptBdylib = Resolver.resolve(withext("@rpath/B"));
+  EXPECT_TRUE(valOptBdylib.has_value());
+  EXPECT_EQ(*valOptBdylib, lib("B"));
+
+  // --- Check Z ---
+  auto valOptZ = Resolver.resolve("@rpath/Z", true);
+  EXPECT_TRUE(valOptZ.has_value());
+  EXPECT_EQ(*valOptZ, lib("Z"));
+
+  auto valOptZdylib = Resolver.resolve(withext("@rpath/Z"));
+  EXPECT_TRUE(valOptZdylib.has_value());
+  EXPECT_EQ(*valOptZdylib, lib("Z"));
+}
 } // namespace
 #endif // defined(__APPLE__)

>From 94e82b8591a307d2ac12899802d1f32b6eab383d Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Thu, 4 Sep 2025 15:24:58 +0530
Subject: [PATCH 25/37] Add tests

---
 .../Orc/TargetProcess/LibraryResolver.h       |  6 +-
 .../Orc/TargetProcess/LibraryScanner.h        |  7 ++
 .../Orc/TargetProcess/LibraryScanner.cpp      |  7 +-
 .../Orc/LibraryResolverTest.cpp               | 66 +++++++++++++++++--
 4 files changed, 77 insertions(+), 9 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index 9a7f3358f340d..55df6ac1bb12e 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -330,8 +330,10 @@ class LibraryResolver {
 
   public:
     explicit SymbolQuery(const std::vector<std::string> &Symbols) {
-      for (const auto &s : Symbols)
-        Results.insert({s, Result{s, ""}});
+      for (const auto &s : Symbols) {
+        if (!Results.contains(s))
+          Results.insert({s, Result{s, ""}});
+      }
     }
 
     SmallVector<StringRef> getUnresolvedSymbols() const {
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index f707c305a8be3..aa56a89969609 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -346,6 +346,13 @@ class LibraryScanHelper {
   bool isTrackedBasePath(StringRef path) const;
   std::vector<std::shared_ptr<LibraryUnit>> getAllUnits() const;
 
+  SmallVector<StringRef> getSearchPaths() const {
+    SmallVector<StringRef> searchPaths;
+    for (const auto &unit : m_units)
+      searchPaths.push_back(unit.second->basePath);
+    return searchPaths;
+  }
+
   PathResolver &getPathResolver() const { return *m_resolver; }
 
   LibraryPathCache &getCache() const { return *m_cache; }
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 736195a4dae2e..226a75d36d643 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -1070,9 +1070,10 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
 
   DylibPathValidator validator(m_helper.getPathResolver());
   DylibResolver m_libResolver(validator);
-  m_libResolver.configure(CanonicalPath,
-                          {{Deps.rpath, SearchPathType::RPath},
-                           {Deps.runPath, SearchPathType::RunPath}});
+  m_libResolver.configure(
+      CanonicalPath, {{Deps.rpath, SearchPathType::RPath},
+                      {m_helper.getSearchPaths(), SearchPathType::UsrOrSys},
+                      {Deps.runPath, SearchPathType::RunPath}});
   for (StringRef dep : Deps.deps) {
     LLVM_DEBUG(dbgs() << "  Resolving dep: " << dep << "\n";);
     auto dep_fullopt = m_libResolver.resolve(dep);
diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index 58f993d7a9333..37a833f36171a 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -42,6 +42,21 @@ constexpr const char *ext = ".so";
 
 static bool EnvReady = true;
 
+static bool CheckHostSupport() {
+  auto JTMB = JITTargetMachineBuilder::detectHost();
+  // Bail out if we can not detect the host.
+  if (!JTMB) {
+    consumeError(JTMB.takeError());
+    return false;
+  }
+
+  auto Triple = JTMB->getTargetTriple();
+  if (!Triple.isOSBinFormatMachO())
+    return false;
+
+  return true;
+}
+
 class LibraryTestEnvironment : public ::testing::Environment {
   std::vector<std::string> createdDylibsDir;
   std::vector<std::string> createdDylibs;
@@ -49,6 +64,11 @@ class LibraryTestEnvironment : public ::testing::Environment {
 
 public:
   void SetUp() override {
+    if (!CheckHostSupport()) {
+      EnvReady = false;
+      return;
+    }
+
     StringRef thisFile = __FILE__;
     SmallVector<char, 128> filedirpath(thisFile.begin(), thisFile.end());
     sys::path::remove_filename(filedirpath);
@@ -438,14 +458,13 @@ TEST_F(LibraryResolverIT, EnumeratorSeesInterLibraryRelationship) {
       << "libC should have an undefined reference to sayA (defined in libA)";
 }
 
-// // // --- 5) Optional: stress SymbolQuery with the real resolve flow ---
+// // // --- 5) Optional: stress SymbolQuery with the real resolve flow
+// // // And resolve libC dependency libA, libB, libZ ---
 TEST_F(LibraryResolverIT, ResolveManySymbols) {
   auto setup = LibraryResolver::Setup::create({baseDir});
   auto driver = LibraryResolutionDriver::create(setup);
   ASSERT_NE(driver, nullptr);
-  driver->addScanPath(libdir("A"), PathType::User);
-  driver->addScanPath(libdir("B"), PathType::User);
-  driver->addScanPath(libdir("Z"), PathType::User);
+  driver->addScanPath(libdir("C"), PathType::User);
 
   // Many duplicates to provoke concurrent updates inside SymbolQuery
   std::vector<std::string> symbols = {
@@ -459,6 +478,7 @@ TEST_F(LibraryResolverIT, ResolveManySymbols) {
   driver->resolveSymbols(symbols, [&](SymbolQuery &query) {
     EXPECT_TRUE(query.isResolved(platformSymbolName("sayA")));
     EXPECT_TRUE(query.isResolved(platformSymbolName("sayB")));
+    EXPECT_TRUE(query.isResolved(platformSymbolName("sayZ")));
 
     auto a = query.getResolvedLib(platformSymbolName("sayA"));
     auto b = query.getResolvedLib(platformSymbolName("sayB"));
@@ -473,6 +493,44 @@ TEST_F(LibraryResolverIT, ResolveManySymbols) {
   });
 }
 
+// // // --- 5) Optional: stress SymbolQuery with the real resolve flow
+// // // And resolve libD dependency libA ---
+TEST_F(LibraryResolverIT, ResolveManySymbols2) {
+  auto setup = LibraryResolver::Setup::create({baseDir});
+  auto driver = LibraryResolutionDriver::create(setup);
+  ASSERT_NE(driver, nullptr);
+  driver->addScanPath(libdir("D"), PathType::User);
+
+  // Many duplicates to provoke concurrent updates inside SymbolQuery
+  std::vector<std::string> symbols = {
+      platformSymbolName("sayA"), platformSymbolName("sayB"),
+      platformSymbolName("sayA"), platformSymbolName("sayB"),
+      platformSymbolName("sayZ"), platformSymbolName("sayZ"),
+      platformSymbolName("sayZ"), platformSymbolName("sayZ"),
+      platformSymbolName("sayD"), platformSymbolName("sayD"),
+      platformSymbolName("sayA"), platformSymbolName("sayB"),
+      platformSymbolName("sayA"), platformSymbolName("sayB")};
+
+  driver->resolveSymbols(symbols, [&](SymbolQuery &query) {
+    EXPECT_TRUE(query.isResolved(platformSymbolName("sayA")));
+    EXPECT_FALSE(query.isResolved(platformSymbolName("sayB")));
+    EXPECT_TRUE(query.isResolved(platformSymbolName("sayD")));
+    EXPECT_FALSE(query.isResolved(platformSymbolName("sayZ")));
+
+    auto a = query.getResolvedLib(platformSymbolName("sayA"));
+    auto b = query.getResolvedLib(platformSymbolName("sayB"));
+    auto d = query.getResolvedLib(platformSymbolName("sayD"));
+    auto z = query.getResolvedLib(platformSymbolName("sayZ"));
+    ASSERT_TRUE(a.has_value());
+    ASSERT_FALSE(b.has_value());
+    ASSERT_TRUE(d.has_value());
+    ASSERT_FALSE(z.has_value());
+    EXPECT_TRUE(endsWith(a->str(), libname("A")));
+    EXPECT_TRUE(endsWith(d->str(), libname("D")));
+    EXPECT_FALSE(query.allResolved());
+  });
+}
+
 TEST_F(LibraryResolverIT, ScanSingleUserPath) {
   auto cache = std::make_shared<LibraryPathCache>();
   auto presolver = std::make_shared<PathResolver>(cache);

>From 9a30740ca9ea9706387b457da222a421e9cb8ada Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sat, 6 Sep 2025 11:25:36 +0530
Subject: [PATCH 26/37] Fix minor compiler error

---
 llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)

diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 226a75d36d643..8bdb66802360b 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -920,7 +920,7 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
     return parseMachODeps(*macho);
   }
 
-  if (auto *coff = dyn_cast<object::COFFObjectFile>(Obj)) {
+  if (Obj->isCOFF()) {
     // TODO: COFF support
     return LibraryDepsInfo();
   }

>From b23150592d6026a68f303433f6343424ee45511a Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Mon, 8 Sep 2025 16:57:29 +0530
Subject: [PATCH 27/37] Fix code format

---
 .../Orc/TargetProcess/LibraryResolver.h                | 10 ++++------
 .../Orc/TargetProcess/LibraryScanner.cpp               |  4 ++--
 2 files changed, 6 insertions(+), 8 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index 55df6ac1bb12e..e6a0e4ccf2d3d 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -96,12 +96,10 @@ class LibraryManager {
     mutable std::shared_mutex mutex;
   };
 
-  /**
-   * @brief A read-only view of libraries filtered by state and kind.
-   *
-   * Lets you loop over only the libraries in a map that match a given State
-   * and PathType.
-   */
+  /// A read-only view of libraries filtered by state and kind.
+  ///
+  /// Lets you loop over only the libraries in a map that match a given State
+  /// and PathType.
   class FilteredView {
   public:
     using Map = StringMap<std::shared_ptr<LibraryInfo>>;
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 8bdb66802360b..5371a1fa4d4c9 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -233,7 +233,7 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
   if (MagicCode == file_magic::archive)
     return false;
 
-    // Universal binary handling.
+  // Universal binary handling.
 #if defined(__APPLE__)
   if (MagicCode == file_magic::macho_universal_binary) {
     ObjectFileLoader ObjLoader(Path);
@@ -430,7 +430,7 @@ mode_t PathResolver::lstatCached(StringRef path) {
     return *cache;
 
   // Not cached: perform lstat and store
-  struct stat buf {};
+  struct stat buf{};
   mode_t st_mode = (lstat(path.str().c_str(), &buf) == -1) ? 0 : buf.st_mode;
 
   m_cache->insert_lstat(path, st_mode);

>From 02f66dbbdd63d8b3d27acfe3cb2cdb95ca5b2e1b Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sat, 20 Sep 2025 14:40:34 +0530
Subject: [PATCH 28/37] Fix naming style

---
 .../Orc/TargetProcess/LibraryResolver.h       | 342 ++++++-----
 .../Orc/TargetProcess/LibraryScanner.h        | 259 ++++----
 .../Orc/TargetProcess/LibraryResolver.cpp     | 197 +++---
 .../Orc/TargetProcess/LibraryScanner.cpp      | 566 +++++++++---------
 4 files changed, 703 insertions(+), 661 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index e6a0e4ccf2d3d..a4d8b1e3b79d3 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -12,8 +12,8 @@
 //
 //===----------------------------------------------------------------------===//
 
-#ifndef LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_DYNAMICLOADER_H
-#define LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_DYNAMICLOADER_H
+#ifndef LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_LIBRARYRESOLVER_H
+#define LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_LIBRARYRESOLVER_H
 
 #include "llvm/ADT/FunctionExtras.h"
 #include "llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h"
@@ -34,66 +34,66 @@ namespace orc {
 /// Thread-safe for concurrent access.
 class LibraryManager {
 public:
-  enum class State : uint8_t { Unloaded = 0, Loaded = 1, Queried = 2 };
+  enum class LibState : uint8_t { Unloaded = 0, Loaded = 1, Queried = 2 };
 
   class LibraryInfo {
   public:
     LibraryInfo(const LibraryInfo &) = delete;
     LibraryInfo &operator=(const LibraryInfo &) = delete;
 
-    LibraryInfo(std::string filePath, State s, PathType k,
-                std::optional<BloomFilter> filter = std::nullopt)
-        : filePath(std::move(filePath)), state(s), kind(k),
-          filter(std::move(filter)) {}
+    LibraryInfo(std::string FilePath, LibState S, PathType K,
+                std::optional<BloomFilter> Filter = std::nullopt)
+        : FilePath(std::move(FilePath)), S(S), K(K), Filter(std::move(Filter)) {
+    }
 
-    StringRef getBasePath() const { return sys::path::parent_path(filePath); }
-    StringRef getFileName() const { return sys::path::filename(filePath); }
+    StringRef getBasePath() const { return sys::path::parent_path(FilePath); }
+    StringRef getFileName() const { return sys::path::filename(FilePath); }
 
-    std::string getFullPath() const { return filePath; }
+    std::string getFullPath() const { return FilePath; }
 
     bool setFilter(BloomFilter F) {
-      std::lock_guard<std::shared_mutex> lock(mutex);
-      if (filter)
+      std::lock_guard<std::shared_mutex> Lock(Mtx);
+      if (Filter)
         return false;
-      filter.emplace(std::move(F));
+      Filter.emplace(std::move(F));
       return true;
     }
 
     bool ensureFilterBuilt(const BloomFilterBuilder &FB,
                            ArrayRef<StringRef> Symbols) {
-      std::lock_guard<std::shared_mutex> lock(mutex);
-      if (filter)
+      std::lock_guard<std::shared_mutex> Lock(Mtx);
+      if (Filter)
         return false;
-      filter.emplace(FB.build(Symbols));
+      Filter.emplace(FB.build(Symbols));
       return true;
     }
 
-    bool mayContain(StringRef symbol) const {
+    bool mayContain(StringRef Symbol) const {
       assert(hasFilter());
-      std::shared_lock<std::shared_mutex> lock(mutex);
-      return filter->mayContain(symbol);
+      std::shared_lock<std::shared_mutex> Lock(Mtx);
+      return Filter->mayContain(Symbol);
     }
 
     bool hasFilter() const {
-      std::shared_lock<std::shared_mutex> lock(mutex);
-      return filter.has_value();
+      std::shared_lock<std::shared_mutex> Lock(Mtx);
+      return Filter.has_value();
     }
 
-    State getState() const { return state.load(); }
-    PathType getKind() const { return kind; }
+    LibState getState() const { return S.load(); }
+    PathType getKind() const { return K; }
 
-    void setState(State s) { state.store(s); }
+    void setState(LibState s) { S.store(s); }
 
     bool operator==(const LibraryInfo &other) const {
-      return filePath == other.filePath;
+      return FilePath == other.FilePath;
     }
 
   private:
-    std::string filePath;
-    std::atomic<State> state;
-    PathType kind;
-    std::optional<BloomFilter> filter;
-    mutable std::shared_mutex mutex;
+    std::string FilePath;
+    std::atomic<LibState> S;
+    PathType K;
+    std::optional<BloomFilter> Filter;
+    mutable std::shared_mutex Mtx;
   };
 
   /// A read-only view of libraries filtered by state and kind.
@@ -106,8 +106,8 @@ class LibraryManager {
     using Iterator = typename Map::const_iterator;
     class FilterIterator {
     public:
-      FilterIterator(Iterator _it, Iterator _end, State s, PathType k)
-          : it(_it), end(_end), state(s), kind(k) {
+      FilterIterator(Iterator _it, Iterator _end, LibState S, PathType K)
+          : it(_it), end(_end), S(S), K(K) {
         advance();
       }
 
@@ -128,15 +128,15 @@ class LibraryManager {
     private:
       void advance() {
         for (; it != end; ++it)
-          if (it->second->getState() == state && it->second->getKind() == kind)
+          if (it->second->getState() == S && it->second->getKind() == K)
             break;
       }
       Iterator it;
       Iterator end;
-      State state;
-      PathType kind;
+      LibState S;
+      PathType K;
     };
-    FilteredView(Iterator begin, Iterator end, State s, PathType k)
+    FilteredView(Iterator begin, Iterator end, LibState s, PathType k)
         : begin_(begin), end_(end), state_(s), kind_(k) {}
 
     FilterIterator begin() const {
@@ -150,13 +150,13 @@ class LibraryManager {
   private:
     Iterator begin_;
     Iterator end_;
-    State state_;
+    LibState state_;
     PathType kind_;
   };
 
 private:
-  StringMap<std::shared_ptr<LibraryInfo>> libraries;
-  mutable std::shared_mutex mutex;
+  StringMap<std::shared_ptr<LibraryInfo>> Libraries;
+  mutable std::shared_mutex Mtx;
 
 public:
   using LibraryVisitor = std::function<bool(const LibraryInfo &)>;
@@ -164,102 +164,102 @@ class LibraryManager {
   LibraryManager() = default;
   ~LibraryManager() = default;
 
-  bool addLibrary(std::string path, PathType kind,
-                  std::optional<BloomFilter> filter = std::nullopt) {
-    std::unique_lock<std::shared_mutex> lock(mutex);
-    if (libraries.count(path) > 0)
+  bool addLibrary(std::string Path, PathType Kind,
+                  std::optional<BloomFilter> Filter = std::nullopt) {
+    std::unique_lock<std::shared_mutex> Lock(Mtx);
+    if (Libraries.count(Path) > 0)
       return false;
-    libraries.insert({std::move(path),
-                      std::make_shared<LibraryInfo>(path, State::Unloaded, kind,
-                                                    std::move(filter))});
+    Libraries.insert({std::move(Path),
+                      std::make_shared<LibraryInfo>(Path, LibState::Unloaded,
+                                                    Kind, std::move(Filter))});
     return true;
   }
 
-  bool hasLibrary(StringRef path) const {
-    std::shared_lock<std::shared_mutex> lock(mutex);
-    if (libraries.count(path) > 0)
+  bool hasLibrary(StringRef Path) const {
+    std::shared_lock<std::shared_mutex> Lock(Mtx);
+    if (Libraries.count(Path) > 0)
       return true;
     return false;
   }
 
-  bool removeLibrary(StringRef path) {
-    std::unique_lock<std::shared_mutex> lock(mutex);
-    auto I = libraries.find(path);
-    if (I == libraries.end())
+  bool removeLibrary(StringRef Path) {
+    std::unique_lock<std::shared_mutex> Lock(Mtx);
+    auto I = Libraries.find(Path);
+    if (I == Libraries.end())
       return false;
-    libraries.erase(I);
+    Libraries.erase(I);
     return true;
   }
 
-  void markLoaded(StringRef path) {
-    std::unique_lock<std::shared_mutex> lock(mutex);
-    if (auto it = libraries.find(path); it != libraries.end())
-      it->second->setState(State::Loaded);
+  void markLoaded(StringRef Path) {
+    std::unique_lock<std::shared_mutex> Lock(Mtx);
+    if (auto It = Libraries.find(Path); It != Libraries.end())
+      It->second->setState(LibState::Loaded);
   }
 
-  void markQueried(StringRef path) {
-    std::unique_lock<std::shared_mutex> lock(mutex);
-    if (auto it = libraries.find(path); it != libraries.end())
-      it->second->setState(State::Queried);
+  void markQueried(StringRef Path) {
+    std::unique_lock<std::shared_mutex> Lock(Mtx);
+    if (auto It = Libraries.find(Path); It != Libraries.end())
+      It->second->setState(LibState::Queried);
   }
 
-  std::shared_ptr<LibraryInfo> getLibrary(StringRef path) {
-    std::shared_lock<std::shared_mutex> lock(mutex);
-    if (auto it = libraries.find(path); it != libraries.end())
-      return it->second;
+  std::shared_ptr<LibraryInfo> getLibrary(StringRef Path) {
+    std::shared_lock<std::shared_mutex> Lock(Mtx);
+    if (auto It = Libraries.find(Path); It != Libraries.end())
+      return It->second;
     return nullptr;
   }
 
-  FilteredView getView(State s, PathType k) const {
-    std::shared_lock<std::shared_mutex> lock(mutex);
-    return FilteredView(libraries.begin(), libraries.end(), s, k);
+  FilteredView getView(LibState S, PathType K) const {
+    std::shared_lock<std::shared_mutex> Lock(Mtx);
+    return FilteredView(Libraries.begin(), Libraries.end(), S, K);
   }
 
   void forEachLibrary(const LibraryVisitor &visitor) const {
-    std::unique_lock<std::shared_mutex> lock(mutex);
-    for (const auto &[_, entry] : libraries) {
+    std::unique_lock<std::shared_mutex> Lock(Mtx);
+    for (const auto &[_, entry] : Libraries) {
       if (!visitor(*entry))
         break;
     }
   }
 
-  bool isLoaded(StringRef path) const {
-    std::unique_lock<std::shared_mutex> lock(mutex);
-    if (auto it = libraries.find(path.str()); it != libraries.end())
-      return it->second->getState() == State::Loaded;
+  bool isLoaded(StringRef Path) const {
+    std::unique_lock<std::shared_mutex> Lock(Mtx);
+    if (auto It = Libraries.find(Path.str()); It != Libraries.end())
+      return It->second->getState() == LibState::Loaded;
     return false;
   }
 
-  bool isQueried(StringRef path) const {
-    std::unique_lock<std::shared_mutex> lock(mutex);
-    if (auto it = libraries.find(path.str()); it != libraries.end())
-      return it->second->getState() == State::Queried;
+  bool isQueried(StringRef Path) const {
+    std::unique_lock<std::shared_mutex> Lock(Mtx);
+    if (auto It = Libraries.find(Path.str()); It != Libraries.end())
+      return It->second->getState() == LibState::Queried;
     return false;
   }
 
   void clear() {
-    std::unique_lock<std::shared_mutex> lock(mutex);
-    libraries.clear();
+    std::unique_lock<std::shared_mutex> Lock(Mtx);
+    Libraries.clear();
   }
 };
 
 using LibraryInfo = LibraryManager::LibraryInfo;
 
 struct SearchPlanEntry {
-  LibraryManager::State state; // Loaded, Queried, Unloaded
-  PathType type;               // User, System
+  LibraryManager::LibState State; // Loaded, Queried, Unloaded
+  PathType Type;                  // User, System
 };
 
 struct SearchPolicy {
-  std::vector<SearchPlanEntry> plan;
+  std::vector<SearchPlanEntry> Plan;
 
   static SearchPolicy defaultPlan() {
-    return {{{LibraryManager::State::Loaded, PathType::User},
-             {LibraryManager::State::Queried, PathType::User},
-             {LibraryManager::State::Unloaded, PathType::User},
-             {LibraryManager::State::Loaded, PathType::System},
-             {LibraryManager::State::Queried, PathType::System},
-             {LibraryManager::State::Unloaded, PathType::System}}};
+    return {{{LibraryManager::LibState::Loaded, PathType::User},
+             {LibraryManager::LibState::Queried, PathType::User},
+             {LibraryManager::LibState::Unloaded, PathType::User},
+             {LibraryManager::LibState::Loaded, PathType::System},
+             {LibraryManager::LibState::Queried, PathType::System},
+             {LibraryManager::LibState::Unloaded, PathType::System}}};
   }
 };
 
@@ -281,12 +281,12 @@ struct SymbolEnumeratorOptions {
 };
 
 struct SearchConfig {
-  SearchPolicy policy;
-  SymbolEnumeratorOptions options;
+  SearchPolicy Policy;
+  SymbolEnumeratorOptions Options;
 
   SearchConfig()
-      : policy(SearchPolicy::defaultPlan()), // default plan
-        options(SymbolEnumeratorOptions::defaultOptions()) {}
+      : Policy(SearchPolicy::defaultPlan()), // default plan
+        Options(SymbolEnumeratorOptions::defaultOptions()) {}
 };
 
 /// Scans libraries and resolves Symbols across user and system paths.
@@ -322,7 +322,7 @@ class LibraryResolver {
     };
 
   private:
-    mutable std::shared_mutex mtx;
+    mutable std::shared_mutex Mtx;
     StringMap<Result> Results;
     std::atomic<size_t> ResolvedCount = 0;
 
@@ -336,7 +336,7 @@ class LibraryResolver {
 
     SmallVector<StringRef> getUnresolvedSymbols() const {
       SmallVector<StringRef> Unresolved;
-      std::shared_lock<std::shared_mutex> lock(mtx);
+      std::shared_lock<std::shared_mutex> Lock(Mtx);
       for (const auto &[name, res] : Results) {
         if (res.ResolvedLibPath.empty())
           Unresolved.push_back(name);
@@ -344,11 +344,11 @@ class LibraryResolver {
       return Unresolved;
     }
 
-    void resolve(StringRef symbol, const std::string &libPath) {
-      std::unique_lock<std::shared_mutex> lock(mtx);
-      auto it = Results.find(symbol);
+    void resolve(StringRef Sym, const std::string &LibPath) {
+      std::unique_lock<std::shared_mutex> Lock(Mtx);
+      auto it = Results.find(Sym);
       if (it != Results.end() && it->second.ResolvedLibPath.empty()) {
-        it->second.ResolvedLibPath = libPath;
+        it->second.ResolvedLibPath = LibPath;
         ResolvedCount.fetch_add(1, std::memory_order_relaxed);
       }
     }
@@ -361,105 +361,107 @@ class LibraryResolver {
       return ResolvedCount.load(std::memory_order_relaxed) < Results.size();
     }
 
-    std::optional<StringRef> getResolvedLib(StringRef symbol) const {
-      std::shared_lock<std::shared_mutex> lock(mtx);
-      auto it = Results.find(symbol);
-      if (it != Results.end() && !it->second.ResolvedLibPath.empty())
-        return StringRef(it->second.ResolvedLibPath);
+    std::optional<StringRef> getResolvedLib(StringRef Sym) const {
+      std::shared_lock<std::shared_mutex> Lock(Mtx);
+      auto It = Results.find(Sym);
+      if (It != Results.end() && !It->second.ResolvedLibPath.empty())
+        return StringRef(It->second.ResolvedLibPath);
       return std::nullopt;
     }
 
-    bool isResolved(StringRef symbol) const {
-      std::shared_lock<std::shared_mutex> lock(mtx);
-      auto it = Results.find(symbol.str());
-      return it != Results.end() && !it->second.ResolvedLibPath.empty();
+    bool isResolved(StringRef Sym) const {
+      std::shared_lock<std::shared_mutex> Lock(Mtx);
+      auto It = Results.find(Sym.str());
+      return It != Results.end() && !It->second.ResolvedLibPath.empty();
     }
 
     std::vector<const Result *> getAllResults() const {
-      std::shared_lock<std::shared_mutex> lock(mtx);
-      std::vector<const Result *> out;
-      out.reserve(Results.size());
+      std::shared_lock<std::shared_mutex> Lock(Mtx);
+      std::vector<const Result *> Out;
+      Out.reserve(Results.size());
       for (const auto &[_, res] : Results)
-        out.push_back(&res);
-      return out;
+        Out.push_back(&res);
+      return Out;
     }
   };
 
   struct Setup {
-    std::vector<std::string> basePaths;
-    std::shared_ptr<LibraryPathCache> cache;
-    std::shared_ptr<PathResolver> resolver;
+    std::vector<std::string> BasePaths;
+    std::shared_ptr<LibraryPathCache> Cache;
+    std::shared_ptr<PathResolver> PResolver;
 
-    size_t scanBatchSize = 1;
+    size_t ScanBatchSize = 0;
 
-    LibraryScanner::shouldScanFn shouldScan = [](StringRef) { return true; };
+    LibraryScanner::ShouldScanFn ShouldScanCall = [](StringRef) {
+      return true;
+    };
 
-    BloomFilterBuilder filterBuilder = BloomFilterBuilder();
+    BloomFilterBuilder FilterBuilder = BloomFilterBuilder();
 
     static Setup
-    create(std::vector<std::string> basePaths,
+    create(std::vector<std::string> BasePaths,
            std::shared_ptr<LibraryPathCache> existingCache = nullptr,
            std::shared_ptr<PathResolver> existingResolver = nullptr,
-           LibraryScanner::shouldScanFn customShouldScan = nullptr) {
-      Setup setup;
-      setup.basePaths = std::move(basePaths);
+           LibraryScanner::ShouldScanFn customShouldScan = nullptr) {
+      Setup S;
+      S.BasePaths = std::move(BasePaths);
 
-      setup.cache =
+      S.Cache =
           existingCache ? existingCache : std::make_shared<LibraryPathCache>();
 
-      setup.resolver = existingResolver
-                           ? existingResolver
-                           : std::make_shared<PathResolver>(setup.cache);
+      S.PResolver = existingResolver ? existingResolver
+                                     : std::make_shared<PathResolver>(S.Cache);
 
       if (customShouldScan)
-        setup.shouldScan = std::move(customShouldScan);
+        S.ShouldScanCall = std::move(customShouldScan);
 
-      return setup;
+      return S;
     }
   };
 
   LibraryResolver() = delete;
-  explicit LibraryResolver(const Setup &setup);
+  explicit LibraryResolver(const Setup &S);
   ~LibraryResolver() = default;
 
   using OnSearchComplete = unique_function<void(SymbolQuery &)>;
 
   void dump() {
     int i = 0;
-    m_libMgr.forEachLibrary([&](const LibraryInfo &lib) -> bool {
-      dbgs() << ++i << ". Library Path : " << lib.getFullPath() << " -> \n\t\t:"
+    LibMgr.forEachLibrary([&](const LibraryInfo &Lib) -> bool {
+      dbgs() << ++i << ". Library Path : " << Lib.getFullPath() << " -> \n\t\t:"
              << " ({Type : ("
-             << (lib.getKind() == PathType::User ? "User" : "System")
+             << (Lib.getKind() == PathType::User ? "User" : "System")
              << ") }, { State : "
-             << (lib.getState() == LibraryManager::State::Loaded ? "Loaded"
-                                                                 : "Unloaded")
+             << (Lib.getState() == LibraryManager::LibState::Loaded
+                     ? "Loaded"
+                     : "Unloaded")
              << "})\n";
       return true;
     });
   }
 
-  void searchSymbolsInLibraries(std::vector<std::string> &symbolNames,
-                                OnSearchComplete callback,
-                                const SearchConfig &config = SearchConfig());
+  void searchSymbolsInLibraries(std::vector<std::string> &SymList,
+                                OnSearchComplete OnComplete,
+                                const SearchConfig &Config = SearchConfig());
 
 private:
-  bool scanLibrariesIfNeeded(PathType K);
-  void resolveSymbolsInLibrary(LibraryInfo &library, SymbolQuery &query,
+  bool scanLibrariesIfNeeded(PathType K, size_t BatchSize = 0);
+  void resolveSymbolsInLibrary(LibraryInfo &Lib, SymbolQuery &Q,
                                const SymbolEnumeratorOptions &Opts);
   bool
-  symbolExistsInLibrary(const LibraryInfo &library, StringRef symbol,
-                        std::vector<std::string> *matchedSymbols = nullptr);
+  symbolExistsInLibrary(const LibraryInfo &Lib, StringRef Sym,
+                        std::vector<std::string> *MatchedSymbols = nullptr);
 
-  bool symbolExistsInLibrary(const LibraryInfo &lib, StringRef symbolName,
-                             std::vector<std::string> *allSymbols,
-                             const SymbolEnumeratorOptions &opts);
+  bool symbolExistsInLibrary(const LibraryInfo &Lib, StringRef SymName,
+                             std::vector<std::string> *AllSymbols,
+                             const SymbolEnumeratorOptions &Opts);
 
-  std::shared_ptr<LibraryPathCache> m_cache;
-  std::shared_ptr<PathResolver> m_PathResolver;
-  LibraryScanHelper m_scanH;
+  std::shared_ptr<LibraryPathCache> LibPathCache;
+  std::shared_ptr<PathResolver> LibPathResolver;
+  LibraryScanHelper ScanHelper;
   BloomFilterBuilder FB;
-  LibraryManager m_libMgr;
-  LibraryScanner::shouldScanFn m_shouldScan;
+  LibraryManager LibMgr;
+  LibraryScanner::ShouldScanFn ShouldScanCall;
   size_t scanBatchSize;
 };
 
@@ -470,28 +472,44 @@ using EnumerateResult = SymbolEnumerator::EnumerateResult;
 class LibraryResolutionDriver {
 public:
   static std::unique_ptr<LibraryResolutionDriver>
-  create(const LibraryResolver::Setup &setup);
+  create(const LibraryResolver::Setup &S);
+
+  void addScanPath(const std::string &Path, PathType Kind);
+  bool markLibraryLoaded(StringRef Path);
+  bool markLibraryUnLoaded(StringRef Path);
+  bool isLibraryLoaded(StringRef Path) const {
+    return LR->LibMgr.isLoaded(Path);
+  }
 
-  void addScanPath(const std::string &path, PathType Kind);
-  bool markLibraryLoaded(StringRef path);
-  bool markLibraryUnLoaded(StringRef path);
-  bool isLibraryLoaded(StringRef path) const {
-    return Loader->m_libMgr.isLoaded(path);
+  void resetAll() {
+    LR->LibMgr.clear();
+    LR->ScanHelper.resetToScan();
+    LR->LibPathCache->clear();
   }
+
+  void scanAll(size_t BatchSize = 0) {
+    LR->scanLibrariesIfNeeded(PathType::User, BatchSize);
+    LR->scanLibrariesIfNeeded(PathType::System, BatchSize);
+  }
+
+  void scan(PathType PK, size_t BatchSize = 0) {
+    LR->scanLibrariesIfNeeded(PK, BatchSize);
+  }
+
   void resolveSymbols(std::vector<std::string> Symbols,
                       LibraryResolver::OnSearchComplete OnCompletion,
-                      const SearchConfig &config = SearchConfig());
+                      const SearchConfig &Config = SearchConfig());
 
   ~LibraryResolutionDriver() = default;
 
 private:
-  LibraryResolutionDriver(std::unique_ptr<LibraryResolver> loader)
-      : Loader(std::move(loader)) {}
+  LibraryResolutionDriver(std::unique_ptr<LibraryResolver> L)
+      : LR(std::move(L)) {}
 
-  std::unique_ptr<LibraryResolver> Loader;
+  std::unique_ptr<LibraryResolver> LR;
 };
 
 } // end namespace orc
 } // end namespace llvm
 
-#endif // LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_DYNAMICLOADER_H
+#endif // LLVM_EXECUTIONENGINE_ORC_TARGETPROCESS_LIBRARYRESOLVER_H
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index aa56a89969609..ca0a6b4e03214 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -42,92 +42,94 @@ class LibraryPathCache {
 public:
   LibraryPathCache() = default;
 
-  void clear() {
-    std::unique_lock<std::shared_mutex> lock(m_mutex);
-    m_seen.clear();
-    m_realpathCache.clear();
+  void clear(bool isRealPathCache = false) {
+    std::unique_lock<std::shared_mutex> lock(Mtx);
+    Seen.clear();
+    if (isRealPathCache) {
+      RealPathCache.clear();
 #ifndef _WIN32
-    m_readlinkCache.clear();
-    m_lstatCache.clear();
+      ReadlinkCache.clear();
+      LstatCache.clear();
 #endif
+    }
   }
 
-  void markSeen(const std::string &canon_path) {
-    std::unique_lock<std::shared_mutex> lock(m_mutex);
-    m_seen.insert(canon_path);
+  void markSeen(const std::string &CanonPath) {
+    std::unique_lock<std::shared_mutex> lock(Mtx);
+    Seen.insert(CanonPath);
   }
 
-  bool hasSeen(StringRef canon_path) const {
-    std::shared_lock<std::shared_mutex> lock(m_mutex);
-    return m_seen.contains(canon_path);
+  bool hasSeen(StringRef CanonPath) const {
+    std::shared_lock<std::shared_mutex> lock(Mtx);
+    return Seen.contains(CanonPath);
   }
 
-  bool hasSeenOrMark(StringRef canon_path) {
-    std::string s = canon_path.str();
+  bool hasSeenOrMark(StringRef CanonPath) {
+    std::string s = CanonPath.str();
     {
-      std::shared_lock<std::shared_mutex> lock(m_mutex);
-      if (m_seen.contains(s))
+      std::shared_lock<std::shared_mutex> lock(Mtx);
+      if (Seen.contains(s))
         return true;
     }
     {
-      std::unique_lock<std::shared_mutex> lock(m_mutex);
-      m_seen.insert(s);
+      std::unique_lock<std::shared_mutex> lock(Mtx);
+      Seen.insert(s);
     }
     return false;
   }
 
 private:
-  mutable std::shared_mutex m_mutex;
+  mutable std::shared_mutex Mtx;
 
   struct PathInfo {
     std::string canonicalPath;
-    std::error_code errnoCode;
+    std::error_code ErrnoCode;
   };
 
-  void insert_realpath(StringRef path, const PathInfo &info) {
-    std::unique_lock<std::shared_mutex> lock(m_mutex);
-    m_realpathCache.insert({path, info});
+  void insert_realpath(StringRef Path, const PathInfo &Info) {
+    std::unique_lock<std::shared_mutex> lock(Mtx);
+    RealPathCache.insert({Path, Info});
   }
 
-  std::optional<PathInfo> read_realpath(StringRef path) const {
-    std::shared_lock<std::shared_mutex> lock(m_mutex);
-    auto it = m_realpathCache.find(path);
-    if (it != m_realpathCache.end())
+  std::optional<PathInfo> read_realpath(StringRef Path) const {
+    std::shared_lock<std::shared_mutex> lock(Mtx);
+    auto it = RealPathCache.find(Path);
+    if (it != RealPathCache.end())
       return it->second;
 
     return std::nullopt;
   }
 
-  StringSet<> m_seen;
-  StringMap<PathInfo> m_realpathCache;
+  StringSet<> Seen;
+  StringMap<PathInfo> RealPathCache;
 
 #ifndef _WIN32
-  StringMap<std::string> m_readlinkCache;
-  StringMap<mode_t> m_lstatCache;
+  StringMap<std::string> ReadlinkCache;
+  StringMap<mode_t> LstatCache;
 
-  void insert_link(StringRef path, const std::string &s) {
-    std::unique_lock<std::shared_mutex> lock(m_mutex);
-    m_readlinkCache.insert({path, s});
+  void insert_link(StringRef Path, const std::string &s) {
+    std::unique_lock<std::shared_mutex> lock(Mtx);
+    ReadlinkCache.insert({Path, s});
   }
 
-  std::optional<std::string> read_link(StringRef path) const {
-    std::shared_lock<std::shared_mutex> lock(m_mutex);
-    auto it = m_readlinkCache.find(path);
-    if (it != m_readlinkCache.end())
+  std::optional<std::string> read_link(StringRef Path) const {
+    std::shared_lock<std::shared_mutex> lock(Mtx);
+    auto it = ReadlinkCache.find(Path);
+    if (it != ReadlinkCache.end())
       return it->second;
 
     return std::nullopt;
   }
 
-  void insert_lstat(StringRef path, mode_t m) {
-    std::unique_lock<std::shared_mutex> lock(m_mutex);
-    m_lstatCache.insert({path, m});
+  void insert_lstat(StringRef Path, mode_t m) {
+    std::unique_lock<std::shared_mutex> lock(Mtx);
+    LstatCache.insert({Path, m});
   }
 
-  std::optional<mode_t> read_lstat(StringRef path) const {
-    std::shared_lock<std::shared_mutex> lock(m_mutex);
-    auto it = m_lstatCache.find(path);
-    if (it != m_lstatCache.end())
+  std::optional<mode_t> read_lstat(StringRef Path) const {
+    std::shared_lock<std::shared_mutex> lock(Mtx);
+    auto it = LstatCache.find(Path);
+    if (it != LstatCache.end())
       return it->second;
 
     return std::nullopt;
@@ -143,20 +145,20 @@ class LibraryPathCache {
 /// repeated system calls when enabled.
 class PathResolver {
 private:
-  std::shared_ptr<LibraryPathCache> m_cache;
+  std::shared_ptr<LibraryPathCache> LibPathCache;
 
 public:
   PathResolver(std::shared_ptr<LibraryPathCache> cache)
-      : m_cache(std::move(cache)) {}
+      : LibPathCache(std::move(cache)) {}
 
-  std::optional<std::string> resolve(StringRef path, std::error_code &ec) {
-    return realpathCached(path, ec);
+  std::optional<std::string> resolve(StringRef Path, std::error_code &ec) {
+    return realpathCached(Path, ec);
   }
 #ifndef _WIN32
-  mode_t lstatCached(StringRef path);
-  std::optional<std::string> readlinkCached(StringRef path);
+  mode_t lstatCached(StringRef Path);
+  std::optional<std::string> readlinkCached(StringRef Path);
 #endif
-  std::optional<std::string> realpathCached(StringRef path, std::error_code &ec,
+  std::optional<std::string> realpathCached(StringRef Path, std::error_code &ec,
                                             StringRef base = "",
                                             bool baseIsResolved = false,
                                             long symloopLevel = 40);
@@ -171,7 +173,7 @@ class DylibSubstitutor {
   void configure(StringRef loaderPath);
 
   std::string substitute(StringRef input) const {
-    for (const auto &[ph, value] : placeholders) {
+    for (const auto &[ph, value] : Placeholders) {
       if (input.starts_with(ph))
         return (Twine(value) + input.drop_front(ph.size())).str();
     }
@@ -179,7 +181,7 @@ class DylibSubstitutor {
   }
 
 private:
-  StringMap<std::string> placeholders;
+  StringMap<std::string> Placeholders;
 };
 
 /// Validates and normalizes dynamic library paths.
@@ -188,13 +190,13 @@ class DylibSubstitutor {
 /// checks whether they point to valid shared libraries.
 class DylibPathValidator {
 public:
-  DylibPathValidator(PathResolver &PR) : m_pathResolver(PR) {}
+  DylibPathValidator(PathResolver &PR) : LibPathResolver(PR) {}
 
-  static bool isSharedLibrary(StringRef path);
+  static bool isSharedLibrary(StringRef Path);
 
-  std::optional<std::string> normalize(StringRef path) const {
+  std::optional<std::string> normalize(StringRef Path) const {
     std::error_code ec;
-    auto real = m_pathResolver.resolve(path, ec);
+    auto real = LibPathResolver.resolve(Path, ec);
     if (!real || ec)
       return std::nullopt;
 
@@ -202,8 +204,8 @@ class DylibPathValidator {
   }
 
   /// Validate the given path as a shared library.
-  std::optional<std::string> validate(StringRef path) const {
-    auto realOpt = normalize(path);
+  std::optional<std::string> validate(StringRef Path) const {
+    auto realOpt = normalize(Path);
     if (!realOpt)
       return std::nullopt;
 
@@ -214,7 +216,7 @@ class DylibPathValidator {
   }
 
 private:
-  PathResolver &m_pathResolver;
+  PathResolver &LibPathResolver;
 };
 
 enum class SearchPathType {
@@ -234,26 +236,26 @@ class SearchPathResolver {
                      StringRef placeholderPrefix = "")
       : Kind(Cfg.type), placeholderPrefix(placeholderPrefix) {
     for (auto &path : Cfg.Paths)
-      paths.emplace_back(path.str());
+      Paths.emplace_back(path.str());
   }
 
-  std::optional<std::string> resolve(StringRef stem,
-                                     const DylibSubstitutor &subst,
-                                     DylibPathValidator &validator) const;
+  std::optional<std::string> resolve(StringRef libStem,
+                                     const DylibSubstitutor &Subst,
+                                     DylibPathValidator &Validator) const;
   SearchPathType searchPathType() const { return Kind; }
 
 private:
-  std::vector<std::string> paths;
+  std::vector<std::string> Paths;
   SearchPathType Kind;
   std::string placeholderPrefix;
 };
 
 class DylibResolverImpl {
 public:
-  DylibResolverImpl(DylibSubstitutor substitutor, DylibPathValidator &validator,
-                    std::vector<SearchPathResolver> resolvers)
-      : substitutor(std::move(substitutor)), validator(validator),
-        resolvers(std::move(resolvers)) {}
+  DylibResolverImpl(DylibSubstitutor Substitutor, DylibPathValidator &Validator,
+                    std::vector<SearchPathResolver> Resolvers)
+      : Substitutor(std::move(Substitutor)), Validator(Validator),
+        Resolvers(std::move(Resolvers)) {}
 
   std::optional<std::string> resolve(StringRef stem,
                                      bool variateLibStem = false) const;
@@ -261,28 +263,28 @@ class DylibResolverImpl {
 private:
   std::optional<std::string> tryWithExtensions(StringRef libstem) const;
 
-  DylibSubstitutor substitutor;
-  DylibPathValidator &validator;
-  std::vector<SearchPathResolver> resolvers;
+  DylibSubstitutor Substitutor;
+  DylibPathValidator &Validator;
+  std::vector<SearchPathResolver> Resolvers;
 };
 
 class DylibResolver {
 public:
-  DylibResolver(DylibPathValidator &validator) : validator(validator) {}
+  DylibResolver(DylibPathValidator &Validator) : Validator(Validator) {}
 
   void configure(StringRef loaderPath,
                  ArrayRef<SearchPathConfig> SearchPathCfg) {
-    DylibSubstitutor substitutor;
-    substitutor.configure(loaderPath);
+    DylibSubstitutor Substitutor;
+    Substitutor.configure(loaderPath);
 
-    std::vector<SearchPathResolver> resolvers;
+    std::vector<SearchPathResolver> Resolvers;
     for (const auto &cfg : SearchPathCfg) {
-      resolvers.emplace_back(cfg,
+      Resolvers.emplace_back(cfg,
                              cfg.type == SearchPathType::RPath ? "@rpath" : "");
     }
 
     impl_ = std::make_unique<DylibResolverImpl>(
-        std::move(substitutor), validator, std::move(resolvers));
+        std::move(Substitutor), Validator, std::move(Resolvers));
   }
 
   std::optional<std::string> resolve(StringRef libStem,
@@ -294,13 +296,13 @@ class DylibResolver {
 
   static std::string resolvelinkerFlag(StringRef libStem,
                                        StringRef loaderPath) {
-    DylibSubstitutor substitutor;
-    substitutor.configure(loaderPath);
-    return substitutor.substitute(libStem);
+    DylibSubstitutor Substitutor;
+    Substitutor.configure(loaderPath);
+    return Substitutor.substitute(libStem);
   }
 
 private:
-  DylibPathValidator &validator;
+  DylibPathValidator &Validator;
   std::unique_ptr<DylibResolverImpl> impl_;
 };
 
@@ -308,13 +310,13 @@ enum class PathType : uint8_t { User, System, Unknown };
 
 enum class ScanState : uint8_t { NotScanned, Scanning, Scanned };
 
-struct LibraryUnit {
+struct LibrarySearchPath {
   std::string basePath; // Canonical base directory path
-  PathType kind;        // User or System
-  std::atomic<ScanState> state;
+  PathType Kind;        // User or System
+  std::atomic<ScanState> State;
 
-  LibraryUnit(std::string base, PathType k)
-      : basePath(std::move(base)), kind(k), state(ScanState::NotScanned) {}
+  LibrarySearchPath(std::string base, PathType K)
+      : basePath(std::move(base)), Kind(K), State(ScanState::NotScanned) {}
 };
 
 /// Scans and tracks libraries for symbol resolution.
@@ -323,60 +325,63 @@ struct LibraryUnit {
 /// and resolves paths canonically for consistent tracking.
 class LibraryScanHelper {
 public:
-  explicit LibraryScanHelper(const std::vector<std::string> &paths,
-                             std::shared_ptr<LibraryPathCache> m_cache,
-                             std::shared_ptr<PathResolver> m_resolver)
-      : m_cache(std::move(m_cache)), m_resolver(std::move(m_resolver)) {
+  explicit LibraryScanHelper(const std::vector<std::string> &SPaths,
+                             std::shared_ptr<LibraryPathCache> LibPathCache,
+                             std::shared_ptr<PathResolver> LibPathResolver)
+      : LibPathCache(std::move(LibPathCache)),
+        LibPathResolver(std::move(LibPathResolver)) {
     DEBUG_WITH_TYPE(
         "orc", dbgs() << "LibraryScanHelper::LibraryScanHelper: base paths : "
-                      << paths.size() << "\n";);
-    for (const auto &p : paths)
+                      << SPaths.size() << "\n";);
+    for (const auto &p : SPaths)
       addBasePath(p);
   }
 
   void
-  addBasePath(const std::string &path,
+  addBasePath(const std::string &P,
               PathType Kind =
                   PathType::Unknown); // Add a canonical directory for scanning
-  std::vector<std::shared_ptr<LibraryUnit>> getNextBatch(PathType kind,
-                                                         size_t batchSize);
+  std::vector<std::shared_ptr<LibrarySearchPath>>
+  getNextBatch(PathType Kind, size_t batchSize);
 
   bool leftToScan(PathType K) const;
+  void resetToScan();
 
-  bool isTrackedBasePath(StringRef path) const;
-  std::vector<std::shared_ptr<LibraryUnit>> getAllUnits() const;
+  bool isTrackedBasePath(StringRef P) const;
+  std::vector<std::shared_ptr<LibrarySearchPath>> getAllUnits() const;
 
   SmallVector<StringRef> getSearchPaths() const {
     SmallVector<StringRef> searchPaths;
-    for (const auto &unit : m_units)
+    for (const auto &unit : LibSearchPaths)
       searchPaths.push_back(unit.second->basePath);
     return searchPaths;
   }
 
-  PathResolver &getPathResolver() const { return *m_resolver; }
+  PathResolver &getPathResolver() const { return *LibPathResolver; }
 
-  LibraryPathCache &getCache() const { return *m_cache; }
+  LibraryPathCache &getCache() const { return *LibPathCache; }
 
-  bool hasSeenOrMark(StringRef path) const {
-    return m_cache->hasSeenOrMark(path);
+  bool hasSeenOrMark(StringRef P) const {
+    return LibPathCache->hasSeenOrMark(P);
   }
 
-  std::optional<std::string> resolve(StringRef path,
+  std::optional<std::string> resolve(StringRef P,
                                      std::error_code &ec) const {
-    return m_resolver->resolve(path.str(), ec);
+    return LibPathResolver->resolve(P.str(), ec);
   }
 
 private:
-  std::string resolveCanonical(StringRef path, std::error_code &ec) const;
-  PathType classifyKind(StringRef path) const;
+  std::string resolveCanonical(StringRef P, std::error_code &ec) const;
+  PathType classifyKind(StringRef P) const;
 
-  mutable std::shared_mutex m_mutex;
-  std::shared_ptr<LibraryPathCache> m_cache;
-  std::shared_ptr<PathResolver> m_resolver;
+  mutable std::shared_mutex Mtx;
+  std::shared_ptr<LibraryPathCache> LibPathCache;
+  std::shared_ptr<PathResolver> LibPathResolver;
 
-  StringMap<std::shared_ptr<LibraryUnit>> m_units; // key: canonical path
-  std::deque<StringRef> m_unscannedUsr;
-  std::deque<StringRef> m_unscannedSys;
+  StringMap<std::shared_ptr<LibrarySearchPath>>
+      LibSearchPaths; // key: canonical path
+  std::deque<StringRef> UnscannedUsr;
+  std::deque<StringRef> UnscannedSys;
 };
 
 /// Loads an object file and provides access to it.
@@ -423,15 +428,15 @@ class ObjectFileLoader {
 /// Scans libraries, resolves dependencies, and registers them.
 class LibraryScanner {
 public:
-  using shouldScanFn = std::function<bool(StringRef)>;
+  using ShouldScanFn = std::function<bool(StringRef)>;
 
   LibraryScanner(
-      LibraryScanHelper &H, LibraryManager &m_libMgr,
-      shouldScanFn shouldScanCall = [](StringRef path) { return true; })
-      : m_helper(H), m_libMgr(m_libMgr),
-        shouldScanCall(std::move(shouldScanCall)) {}
+      LibraryScanHelper &H, LibraryManager &LibMgr,
+      ShouldScanFn ShouldScanCall = [](StringRef path) { return true; })
+      : ScanHelper(H), LibMgr(LibMgr),
+        ShouldScanCall(std::move(ShouldScanCall)) {}
 
-  void scanNext(PathType kind, size_t batchSize = 1);
+  void scanNext(PathType Kind, size_t batchSize = 1);
 
   /// Dependency info for a library.
   struct LibraryDepsInfo {
@@ -451,16 +456,16 @@ class LibraryScanner {
   };
 
 private:
-  LibraryScanHelper &m_helper;
-  LibraryManager &m_libMgr;
-  shouldScanFn shouldScanCall;
+  LibraryScanHelper &ScanHelper;
+  LibraryManager &LibMgr;
+  ShouldScanFn ShouldScanCall;
 
-  std::optional<std::string> shouldScan(StringRef filePath);
-  Expected<LibraryDepsInfo> extractDeps(StringRef filePath);
+  std::optional<std::string> shouldScan(StringRef FilePath);
+  Expected<LibraryDepsInfo> extractDeps(StringRef FilePath);
 
-  void handleLibrary(StringRef path, PathType K, int level = 1);
+  void handleLibrary(StringRef P, PathType K, int level = 1);
 
-  void scanBaseDir(std::shared_ptr<LibraryUnit> unit);
+  void scanBaseDir(std::shared_ptr<LibrarySearchPath> U);
 };
 
 using LibraryDepsInfo = LibraryScanner::LibraryDepsInfo;
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
index a76290176dd6f..5345cadb44c6d 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
@@ -31,58 +31,58 @@
 
 namespace llvm::orc {
 
-LibraryResolver::LibraryResolver(const LibraryResolver::Setup &setup)
-    : m_cache(setup.cache ? setup.cache : std::make_shared<LibraryPathCache>()),
-      m_PathResolver(setup.resolver ? setup.resolver
-                                    : std::make_shared<PathResolver>(m_cache)),
-      m_scanH(setup.basePaths, m_cache, m_PathResolver),
-      FB(setup.filterBuilder), m_libMgr(),
-      m_shouldScan(setup.shouldScan ? setup.shouldScan
-                                    : [](StringRef) { return true; }),
-      scanBatchSize(setup.scanBatchSize) {
-
-  if (m_scanH.getAllUnits().empty()) {
+LibraryResolver::LibraryResolver(const LibraryResolver::Setup &S)
+    : LibPathCache(S.Cache ? S.Cache : std::make_shared<LibraryPathCache>()),
+      LibPathResolver(S.PResolver
+                          ? S.PResolver
+                          : std::make_shared<PathResolver>(LibPathCache)),
+      ScanHelper(S.BasePaths, LibPathCache, LibPathResolver),
+      FB(S.FilterBuilder), LibMgr(),
+      ShouldScanCall(S.ShouldScanCall ? S.ShouldScanCall
+                                      : [](StringRef) -> bool { return true; }),
+      scanBatchSize(S.ScanBatchSize) {
+
+  if (ScanHelper.getAllUnits().empty()) {
     LLVM_DEBUG(dbgs() << "Warning: No base paths provided for scanning.\n");
   }
 }
 
 std::unique_ptr<LibraryResolutionDriver>
-LibraryResolutionDriver::create(const LibraryResolver::Setup &setup) {
-  auto loader = std::make_unique<LibraryResolver>(setup);
+LibraryResolutionDriver::create(const LibraryResolver::Setup &S) {
+  auto LR = std::make_unique<LibraryResolver>(S);
   return std::unique_ptr<LibraryResolutionDriver>(
-      new LibraryResolutionDriver(std::move(loader)));
+      new LibraryResolutionDriver(std::move(LR)));
 }
 
-void LibraryResolutionDriver::addScanPath(const std::string &path,
-                                          PathType kind) {
-  Loader->m_scanH.addBasePath(path, kind);
+void LibraryResolutionDriver::addScanPath(const std::string &Path, PathType K) {
+  LR->ScanHelper.addBasePath(Path, K);
 }
 
-bool LibraryResolutionDriver::markLibraryLoaded(StringRef path) {
-  auto lib = Loader->m_libMgr.getLibrary(path);
-  if (!lib)
+bool LibraryResolutionDriver::markLibraryLoaded(StringRef Path) {
+  auto Lib = LR->LibMgr.getLibrary(Path);
+  if (!Lib)
     return false;
 
-  lib->setState(LibraryManager::State::Loaded);
+  Lib->setState(LibraryManager::LibState::Loaded);
 
   return true;
 }
 
-bool LibraryResolutionDriver::markLibraryUnLoaded(StringRef path) {
-  auto lib = Loader->m_libMgr.getLibrary(path);
-  if (!lib)
+bool LibraryResolutionDriver::markLibraryUnLoaded(StringRef Path) {
+  auto Lib = LR->LibMgr.getLibrary(Path);
+  if (!Lib)
     return false;
 
-  lib->setState(LibraryManager::State::Unloaded);
+  Lib->setState(LibraryManager::LibState::Unloaded);
 
   return true;
 }
 
 void LibraryResolutionDriver::resolveSymbols(
-    std::vector<std::string> symbols,
+    std::vector<std::string> Syms,
     LibraryResolver::OnSearchComplete OnCompletion,
-    const SearchConfig &config) {
-  Loader->searchSymbolsInLibraries(symbols, std::move(OnCompletion), config);
+    const SearchConfig &Config) {
+  LR->searchSymbolsInLibraries(Syms, std::move(OnCompletion), Config);
 }
 
 static bool shouldIgnoreSymbol(const object::SymbolRef &Sym,
@@ -118,9 +118,12 @@ bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
 
   auto ObjOrErr = ObjLoader.getObjectFile();
   if (!ObjOrErr) {
-    handleAllErrors(ObjOrErr.takeError(), [&](const ErrorInfoBase &EIB) {
-      errs() << "Error loading object: " << EIB.message() << "\n";
-    });
+    std::string ErrMsg;
+    handleAllErrors(ObjOrErr.takeError(),
+                    [&](const ErrorInfoBase &EIB) { ErrMsg = EIB.message(); });
+
+    LLVM_DEBUG(dbgs() << "Failed loading object file: " << Path
+                      << "\nError: " << ErrMsg << "\n");
     return false;
   }
 
@@ -180,26 +183,26 @@ bool SymbolEnumerator::enumerateSymbols(StringRef Path, OnEachSymbolFn OnEach,
 
 class SymbolSearchContext {
 public:
-  SymbolSearchContext(SymbolQuery &Q) : m_query(Q) {}
+  SymbolSearchContext(SymbolQuery &Q) : Q(Q) {}
 
-  bool hasSearched(LibraryInfo *lib) const { return m_searched.count(lib); }
+  bool hasSearched(LibraryInfo *Lib) const { return Searched.count(Lib); }
 
-  void markSearched(LibraryInfo *lib) { m_searched.insert(lib); }
+  void markSearched(LibraryInfo *Lib) { Searched.insert(Lib); }
 
-  inline bool allResolved() const { return m_query.allResolved(); }
+  inline bool allResolved() const { return Q.allResolved(); }
 
-  SymbolQuery &query() { return m_query; }
+  SymbolQuery &query() { return Q; }
 
 private:
-  SymbolQuery &m_query;
-  DenseSet<LibraryInfo *> m_searched;
+  SymbolQuery &Q;
+  DenseSet<LibraryInfo *> Searched;
 };
 
 void LibraryResolver::resolveSymbolsInLibrary(
-    LibraryInfo &lib, SymbolQuery &unresolvedSymbols,
+    LibraryInfo &Lib, SymbolQuery &UnresolvedSymbols,
     const SymbolEnumeratorOptions &Opts) {
   LLVM_DEBUG(dbgs() << "Checking unresolved symbols "
-                    << " in library : " << lib.getFileName() << "\n";);
+                    << " in library : " << Lib.getFileName() << "\n";);
   StringSet<> discoveredSymbols;
   bool hasEnumerated = false;
 
@@ -209,10 +212,10 @@ void LibraryResolver::resolveSymbolsInLibrary(
 
     hasEnumerated = true;
 
-    LLVM_DEBUG(dbgs() << "Enumerating symbols in library: " << lib.getFullPath()
+    LLVM_DEBUG(dbgs() << "Enumerating symbols in library: " << Lib.getFullPath()
                       << "\n";);
     SymbolEnumerator::enumerateSymbols(
-        lib.getFullPath(),
+        Lib.getFullPath(),
         [&](StringRef sym) {
           discoveredSymbols.insert(sym);
           return EnumerateResult::Continue;
@@ -220,8 +223,8 @@ void LibraryResolver::resolveSymbolsInLibrary(
         Opts);
   };
 
-  if (!unresolvedSymbols.hasUnresolved()) {
-    LLVM_DEBUG(dbgs() << "Skipping library: " << lib.getFullPath()
+  if (!UnresolvedSymbols.hasUnresolved()) {
+    LLVM_DEBUG(dbgs() << "Skipping library: " << Lib.getFullPath()
                       << " — unresolved symbols exist.\n";);
     return;
   }
@@ -230,13 +233,13 @@ void LibraryResolver::resolveSymbolsInLibrary(
 
   if (discoveredSymbols.empty()) {
     LLVM_DEBUG(dbgs() << "  No symbols and remove library : "
-                      << lib.getFullPath() << "\n";);
-    m_libMgr.removeLibrary(lib.getFullPath());
+                      << Lib.getFullPath() << "\n";);
+    LibMgr.removeLibrary(Lib.getFullPath());
     return;
   }
 
-  if (!lib.hasFilter()) {
-    LLVM_DEBUG(dbgs() << "Building filter for library: " << lib.getFullPath()
+  if (!Lib.hasFilter()) {
+    LLVM_DEBUG(dbgs() << "Building filter for library: " << Lib.getFullPath()
                       << "\n";);
 
     SmallVector<StringRef> SymbolVec;
@@ -244,7 +247,7 @@ void LibraryResolver::resolveSymbolsInLibrary(
     for (const auto &KV : discoveredSymbols)
       SymbolVec.push_back(KV.first());
 
-    lib.ensureFilterBuilt(FB, SymbolVec);
+    Lib.ensureFilterBuilt(FB, SymbolVec);
     LLVM_DEBUG({
       dbgs() << "discoveredSymbols : " << discoveredSymbols.size() << "\n";
       for (const auto &KV : discoveredSymbols)
@@ -252,49 +255,49 @@ void LibraryResolver::resolveSymbolsInLibrary(
     });
   }
 
-  const auto &unresolved = unresolvedSymbols.getUnresolvedSymbols();
+  const auto &Unresolved = UnresolvedSymbols.getUnresolvedSymbols();
   bool hadAnySym = false;
-  LLVM_DEBUG(dbgs() << "Total unresolved symbols : " << unresolved.size()
+  LLVM_DEBUG(dbgs() << "Total unresolved symbols : " << Unresolved.size()
                     << "\n";);
-  for (const auto &symbol : unresolved) {
-    if (lib.mayContain(symbol)) {
-      LLVM_DEBUG(dbgs() << "Checking symbol '" << symbol
-                        << "' in library: " << lib.getFullPath() << "\n";);
-      if (discoveredSymbols.count(symbol) > 0) {
-        LLVM_DEBUG(dbgs() << "  Resolved symbol: " << symbol
-                          << " in library: " << lib.getFullPath() << "\n";);
-        unresolvedSymbols.resolve(symbol, lib.getFullPath());
+  for (const auto &Sym : Unresolved) {
+    if (Lib.mayContain(Sym)) {
+      LLVM_DEBUG(dbgs() << "Checking symbol '" << Sym
+                        << "' in library: " << Lib.getFullPath() << "\n";);
+      if (discoveredSymbols.count(Sym) > 0) {
+        LLVM_DEBUG(dbgs() << "  Resolved symbol: " << Sym
+                          << " in library: " << Lib.getFullPath() << "\n";);
+        UnresolvedSymbols.resolve(Sym, Lib.getFullPath());
         hadAnySym = true;
       }
     }
   }
 
-  using LibraryState = LibraryManager::State;
-  if (hadAnySym && lib.getState() != LibraryState::Loaded)
-    lib.setState(LibraryState::Queried);
+  using LibraryState = LibraryManager::LibState;
+  if (hadAnySym && Lib.getState() != LibraryState::Loaded)
+    Lib.setState(LibraryState::Queried);
 }
 
 void LibraryResolver::searchSymbolsInLibraries(
-    std::vector<std::string> &symbolList, OnSearchComplete onComplete,
-    const SearchConfig &config) {
-  SymbolQuery query(symbolList);
+    std::vector<std::string> &SymbolList, OnSearchComplete OnComplete,
+    const SearchConfig &Config) {
+  SymbolQuery Q(SymbolList);
 
-  using LibraryState = LibraryManager::State;
+  using LibraryState = LibraryManager::LibState;
   using LibraryType = PathType;
   auto tryResolveFrom = [&](LibraryState S, LibraryType K) {
     LLVM_DEBUG(dbgs() << "Trying resolve from state=" << static_cast<int>(S)
                       << " type=" << static_cast<int>(K) << "\n";);
 
-    SymbolSearchContext Ctx(query);
+    SymbolSearchContext Ctx(Q);
     while (!Ctx.allResolved()) {
 
-      for (auto &lib : m_libMgr.getView(S, K)) {
-        if (Ctx.hasSearched(lib.get()))
+      for (auto &Lib : LibMgr.getView(S, K)) {
+        if (Ctx.hasSearched(Lib.get()))
           continue;
 
         // can use Async here?
-        resolveSymbolsInLibrary(*lib, Ctx.query(), config.options);
-        Ctx.markSearched(lib.get());
+        resolveSymbolsInLibrary(*Lib, Ctx.query(), Config.Options);
+        Ctx.markSearched(Lib.get());
 
         if (Ctx.allResolved())
           return;
@@ -303,67 +306,67 @@ void LibraryResolver::searchSymbolsInLibraries(
       if (Ctx.allResolved())
         return;
 
-      if (!scanLibrariesIfNeeded(K))
+      if (!scanLibrariesIfNeeded(K, scanBatchSize))
         break; // no more new libs to scan
     }
   };
 
-  for (const auto &[state, type] : config.policy.plan) {
-    tryResolveFrom(state, type);
-    if (query.allResolved())
+  for (const auto &[St, Ty] : Config.Policy.Plan) {
+    tryResolveFrom(St, Ty);
+    if (Q.allResolved())
       break;
   }
 
   // done:
   LLVM_DEBUG({
     dbgs() << "Search complete.\n";
-    for (const auto &r : query.getAllResults())
+    for (const auto &r : Q.getAllResults())
       dbgs() << "Resolved Symbol:" << r->Name << " -> " << r->ResolvedLibPath
              << "\n";
   });
 
-  onComplete(query);
+  OnComplete(Q);
 }
 
-bool LibraryResolver::scanLibrariesIfNeeded(PathType PK) {
+bool LibraryResolver::scanLibrariesIfNeeded(PathType PK, size_t BatchSize) {
   LLVM_DEBUG(dbgs() << "LibraryResolver::scanLibrariesIfNeeded: Scanning for "
                     << (PK == PathType::User ? "User" : "System")
                     << " libraries\n";);
-  if (!m_scanH.leftToScan(PK))
+  if (!ScanHelper.leftToScan(PK))
     return false;
 
-  LibraryScanner Scanner(m_scanH, m_libMgr, m_shouldScan);
-  Scanner.scanNext(PK, scanBatchSize);
+  LibraryScanner Scanner(ScanHelper, LibMgr, ShouldScanCall);
+  Scanner.scanNext(PK, BatchSize);
   return true;
 }
 
-bool LibraryResolver::symbolExistsInLibrary(
-    const LibraryInfo &lib, StringRef symbolName,
-    std::vector<std::string> *allSymbols) {
-  SymbolEnumeratorOptions opts;
-  return symbolExistsInLibrary(lib, symbolName, allSymbols, opts);
+bool LibraryResolver::symbolExistsInLibrary(const LibraryInfo &Lib,
+                                            StringRef SymName,
+                                            std::vector<std::string> *AllSyms) {
+  SymbolEnumeratorOptions Opts;
+  return symbolExistsInLibrary(Lib, SymName, AllSyms, Opts);
 }
 
 bool LibraryResolver::symbolExistsInLibrary(
-    const LibraryInfo &lib, StringRef symbolName,
-    std::vector<std::string> *allSymbols, const SymbolEnumeratorOptions &opts) {
-  bool found = false;
+    const LibraryInfo &Lib, StringRef SymName,
+    std::vector<std::string> *AllSyms, const SymbolEnumeratorOptions &Opts) {
+  bool Found = false;
 
   SymbolEnumerator::enumerateSymbols(
-      lib.getFullPath(),
-      [&](StringRef sym) {
-        if (allSymbols)
-          allSymbols->emplace_back(sym.str());
+      Lib.getFullPath(),
+      [&](StringRef Sym) {
+        if (AllSyms)
+          AllSyms->emplace_back(Sym.str());
 
-        if (sym == symbolName) {
-          found = true;
+        if (Sym == SymName) {
+          Found = true;
         }
 
         return EnumerateResult::Continue;
       },
-      opts);
+      Opts);
 
-  return found;
+  return Found;
 }
 
 } // end namespace llvm::orc
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 5371a1fa4d4c9..6acdeea212e0c 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -68,6 +68,7 @@ bool ObjectFileLoader::isArchitectureCompatible(const object::ObjectFile &Obj) {
     return false;
 
   if (ObjTriple.getEnvironment() != Triple::UnknownEnvironment &&
+      HostTriple.getEnvironment() != Triple::UnknownEnvironment &&
       HostTriple.getEnvironment() != ObjTriple.getEnvironment())
     return false;
 
@@ -233,7 +234,7 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
   if (MagicCode == file_magic::archive)
     return false;
 
-  // Universal binary handling.
+    // Universal binary handling.
 #if defined(__APPLE__)
   if (MagicCode == file_magic::macho_universal_binary) {
     ObjectFileLoader ObjLoader(Path);
@@ -279,67 +280,67 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
   return false;
 }
 
-void DylibSubstitutor::configure(StringRef loaderPath) {
-  SmallString<512> execPath(sys::fs::getMainExecutable(nullptr, nullptr));
-  sys::path::remove_filename(execPath);
+void DylibSubstitutor::configure(StringRef LoaderPath) {
+  SmallString<512> ExecPath(sys::fs::getMainExecutable(nullptr, nullptr));
+  sys::path::remove_filename(ExecPath);
 
-  SmallString<512> loaderDir;
-  if (loaderPath.empty()) {
-    loaderDir = execPath;
+  SmallString<512> LoaderDir;
+  if (LoaderPath.empty()) {
+    LoaderDir = ExecPath;
   } else {
-    loaderDir = loaderPath.str();
-    if (!sys::fs::is_directory(loaderPath))
-      sys::path::remove_filename(loaderDir);
+    LoaderDir = LoaderPath.str();
+    if (!sys::fs::is_directory(LoaderPath))
+      sys::path::remove_filename(LoaderDir);
   }
 
 #ifdef __APPLE__
-  placeholders["@loader_path"] = std::string(loaderDir);
-  placeholders["@executable_path"] = std::string(execPath);
+  Placeholders["@loader_path"] = std::string(LoaderDir);
+  Placeholders["@executable_path"] = std::string(ExecPath);
 #else
-  placeholders["$origin"] = std::string(loaderDir);
+  Placeholders["$origin"] = std::string(LoaderDir);
 #endif
 }
 
 std::optional<std::string>
-SearchPathResolver::resolve(StringRef stem, const DylibSubstitutor &subst,
-                            DylibPathValidator &validator) const {
-  for (const auto &searchPath : paths) {
-    std::string base = subst.substitute(searchPath);
-
-    SmallString<512> fullPath(base);
-    if (!placeholderPrefix.empty() && stem.starts_with(placeholderPrefix))
-      fullPath.append(stem.drop_front(placeholderPrefix.size()));
+SearchPathResolver::resolve(StringRef Stem, const DylibSubstitutor &Subst,
+                            DylibPathValidator &Validator) const {
+  for (const auto &searchPath : Paths) {
+    std::string Base = Subst.substitute(searchPath);
+
+    SmallString<512> FullPath(Base);
+    if (!placeholderPrefix.empty() && Stem.starts_with(placeholderPrefix))
+      FullPath.append(Stem.drop_front(placeholderPrefix.size()));
     else
-      sys::path::append(fullPath, stem);
+      sys::path::append(FullPath, Stem);
 
-    LLVM_DEBUG(dbgs() << "SearchPathResolver::resolve FullPath = " << fullPath
+    LLVM_DEBUG(dbgs() << "SearchPathResolver::resolve FullPath = " << FullPath
                       << "\n";);
 
-    if (auto valid = validator.validate(fullPath.str()))
-      return valid;
+    if (auto Valid = Validator.validate(FullPath.str()))
+      return Valid;
   }
 
   return std::nullopt;
 }
 
 std::optional<std::string>
-DylibResolverImpl::tryWithExtensions(StringRef libStem) const {
-  LLVM_DEBUG(dbgs() << "tryWithExtensions: baseName = " << libStem << "\n";);
-  SmallVector<StringRef, 4> candidates;
+DylibResolverImpl::tryWithExtensions(StringRef LibStem) const {
+  LLVM_DEBUG(dbgs() << "tryWithExtensions: baseName = " << LibStem << "\n";);
+  SmallVector<StringRef, 4> Candidates;
 
   // Add extensions by platform
 #if defined(__APPLE__)
-  candidates.push_back(libStem.str() + ".dylib");
+  Candidates.push_back(LibStem.str() + ".dylib");
 #elif defined(_WIN32)
-  candidates.push_back(libStem.str() + ".dll");
+  Candidates.push_back(LibStem.str() + ".dll");
 #else
-  candidates.push_back(libStem.str() + ".so");
+  Candidates.push_back(LibStem.str() + ".so");
 #endif
 
   // Optionally try "lib" prefix if not already there
-  StringRef filename = sys::path::filename(libStem);
-  StringRef base = sys::path::parent_path(libStem);
-  SmallString<256> withPrefix(base);
+  StringRef filename = sys::path::filename(LibStem);
+  StringRef Base = sys::path::parent_path(LibStem);
+  SmallString<256> withPrefix(Base);
   if (!filename.starts_with("lib")) {
     withPrefix += "lib";
     withPrefix += filename;
@@ -351,43 +352,43 @@ DylibResolverImpl::tryWithExtensions(StringRef libStem) const {
 #else
     withPrefix += ".so";
 #endif
-    candidates.push_back(withPrefix.str());
+    Candidates.push_back(withPrefix.str());
   }
 
   LLVM_DEBUG({
     dbgs() << "  Candidates to try:\n";
-    for (const auto &C : candidates)
+    for (const auto &C : Candidates)
       dbgs() << "    " << C << "\n";
   });
 
   // Try all variants using tryAllPaths
-  for (const auto &name : candidates) {
+  for (const auto &Name : Candidates) {
 
-    LLVM_DEBUG(dbgs() << "  Trying candidate: " << name << "\n";);
+    LLVM_DEBUG(dbgs() << "  Trying candidate: " << Name << "\n";);
 
-    for (const auto &resolver : resolvers) {
-      if (auto result = resolver.resolve(name, substitutor, validator))
+    for (const auto &R : Resolvers) {
+      if (auto result = R.resolve(Name, Substitutor, Validator))
         return result;
     }
   }
 
-  LLVM_DEBUG(dbgs() << "  -> No candidate resolved.\n";);
+  LLVM_DEBUG(dbgs() << "  -> No candidate Resolved.\n";);
 
   return std::nullopt;
 }
 
 std::optional<std::string>
-DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
-  LLVM_DEBUG(dbgs() << "Resolving library stem: " << libStem << "\n";);
+DylibResolverImpl::resolve(StringRef LibStem, bool variateLibStem) const {
+  LLVM_DEBUG(dbgs() << "Resolving library stem: " << LibStem << "\n";);
 
   // If it is an absolute path, don't try iterate over the paths.
-  if (sys::path::is_absolute(libStem)) {
+  if (sys::path::is_absolute(LibStem)) {
     LLVM_DEBUG(dbgs() << "  -> Absolute path detected.\n";);
-    return validator.validate(libStem);
+    return Validator.validate(LibStem);
   }
 
-  if (!libStem.starts_with("@rpath")) {
-    if (auto norm = validator.validate(substitutor.substitute(libStem))) {
+  if (!LibStem.starts_with("@rpath")) {
+    if (auto norm = Validator.validate(Substitutor.substitute(LibStem))) {
       LLVM_DEBUG(dbgs() << "  -> Resolved after substitution: " << *norm
                         << "\n";);
 
@@ -395,9 +396,9 @@ DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
     }
   }
 
-  for (const auto &resolver : resolvers) {
+  for (const auto &R : Resolvers) {
     LLVM_DEBUG(dbgs() << "  -> Resolving via search path ... \n";);
-    if (auto result = resolver.resolve(libStem, substitutor, validator)) {
+    if (auto result = R.resolve(LibStem, Substitutor, Validator)) {
       LLVM_DEBUG(dbgs() << "  -> Resolved via search path: " << *result
                         << "\n";);
 
@@ -410,7 +411,7 @@ DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
   if (variateLibStem) {
     LLVM_DEBUG(dbgs() << "  -> Trying with extensions...\n";);
 
-    if (auto norm = tryWithExtensions(libStem)) {
+    if (auto norm = tryWithExtensions(LibStem)) {
       LLVM_DEBUG(dbgs() << "  -> Resolved via tryWithExtensions: " << *norm
                         << "\n";);
 
@@ -418,148 +419,148 @@ DylibResolverImpl::resolve(StringRef libStem, bool variateLibStem) const {
     }
   }
 
-  LLVM_DEBUG(dbgs() << "  -> Could not resolve: " << libStem << "\n";);
+  LLVM_DEBUG(dbgs() << "  -> Could not resolve: " << LibStem << "\n";);
 
   return std::nullopt;
 }
 
 #ifndef _WIN32
-mode_t PathResolver::lstatCached(StringRef path) {
+mode_t PathResolver::lstatCached(StringRef Path) {
   // If already cached - retun cached result
-  if (auto cache = m_cache->read_lstat(path))
+  if (auto cache = LibPathCache->read_lstat(Path))
     return *cache;
 
   // Not cached: perform lstat and store
   struct stat buf{};
-  mode_t st_mode = (lstat(path.str().c_str(), &buf) == -1) ? 0 : buf.st_mode;
+  mode_t st_mode = (lstat(Path.str().c_str(), &buf) == -1) ? 0 : buf.st_mode;
 
-  m_cache->insert_lstat(path, st_mode);
+  LibPathCache->insert_lstat(Path, st_mode);
 
   return st_mode;
 }
 
-std::optional<std::string> PathResolver::readlinkCached(StringRef path) {
+std::optional<std::string> PathResolver::readlinkCached(StringRef Path) {
   // If already cached - retun cached result
-  if (auto cache = m_cache->read_link(path))
+  if (auto cache = LibPathCache->read_link(Path))
     return cache;
 
   // If result not in cache - call system function and cache result
   char buf[PATH_MAX];
   ssize_t len;
-  if ((len = readlink(path.str().c_str(), buf, sizeof(buf))) != -1) {
+  if ((len = readlink(Path.str().c_str(), buf, sizeof(buf))) != -1) {
     buf[len] = '\0';
     std::string s(buf);
-    m_cache->insert_link(path, s);
+    LibPathCache->insert_link(Path, s);
     return s;
   }
   return std::nullopt;
 }
 
-void createComponent(StringRef Path, StringRef base_path, bool baseIsResolved,
-                     SmallVector<StringRef, 16> &component) {
+void createComponent(StringRef Path, StringRef BasePath, bool BaseIsResolved,
+                     SmallVector<StringRef, 16> &Component) {
   StringRef Separator = sys::path::get_separator();
-  if (!baseIsResolved) {
+  if (!BaseIsResolved) {
     if (Path[0] == '~' &&
         (Path.size() == 1 || sys::path::is_separator(Path[1]))) {
-      static SmallString<128> home;
-      if (home.str().empty())
-        sys::path::home_directory(home);
-      StringRef(home).split(component, Separator, /*MaxSplit*/ -1,
-                            /*KeepEmpty*/ false);
-    } else if (base_path.empty()) {
-      static SmallString<256> current_path;
-      if (current_path.str().empty())
-        sys::fs::current_path(current_path);
-      StringRef(current_path)
-          .split(component, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
+      static SmallString<128> HomeP;
+      if (HomeP.str().empty())
+        sys::path::home_directory(HomeP);
+      StringRef(HomeP).split(Component, Separator, /*MaxSplit*/ -1,
+                             /*KeepEmpty*/ false);
+    } else if (BasePath.empty()) {
+      static SmallString<256> CurrentPath;
+      if (CurrentPath.str().empty())
+        sys::fs::current_path(CurrentPath);
+      StringRef(CurrentPath)
+          .split(Component, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
     } else {
-      base_path.split(component, Separator, /*MaxSplit*/ -1,
-                      /*KeepEmpty*/ false);
+      BasePath.split(Component, Separator, /*MaxSplit*/ -1,
+                     /*KeepEmpty*/ false);
     }
   }
 
-  Path.split(component, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
+  Path.split(Component, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
 }
 
-void normalizePathSegments(SmallVector<StringRef, 16> &pathParts) {
-  SmallVector<StringRef, 16> normalizedPath;
-  for (auto &part : pathParts) {
-    if (part == ".") {
+void normalizePathSegments(SmallVector<StringRef, 16> &PathParts) {
+  SmallVector<StringRef, 16> NormalizedPath;
+  for (auto &Part : PathParts) {
+    if (Part == ".") {
       continue;
-    } else if (part == "..") {
-      if (!normalizedPath.empty() && normalizedPath.back() != "..") {
-        normalizedPath.pop_back();
+    } else if (Part == "..") {
+      if (!NormalizedPath.empty() && NormalizedPath.back() != "..") {
+        NormalizedPath.pop_back();
       } else {
-        normalizedPath.push_back("..");
+        NormalizedPath.push_back("..");
       }
     } else {
-      normalizedPath.push_back(part);
+      NormalizedPath.push_back(Part);
     }
   }
-  pathParts.swap(normalizedPath);
+  PathParts.swap(NormalizedPath);
 }
 #endif
 
-std::optional<std::string> PathResolver::realpathCached(StringRef path,
-                                                        std::error_code &ec,
-                                                        StringRef base,
-                                                        bool baseIsResolved,
-                                                        long symloopLevel) {
-  ec.clear();
+std::optional<std::string> PathResolver::realpathCached(StringRef Path,
+                                                        std::error_code &EC,
+                                                        StringRef Base,
+                                                        bool BaseIsResolved,
+                                                        long SymLoopLevel) {
+  EC.clear();
 
-  if (path.empty()) {
-    ec = std::make_error_code(std::errc::no_such_file_or_directory);
+  if (Path.empty()) {
+    EC = std::make_error_code(std::errc::no_such_file_or_directory);
     LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Empty path\n";);
 
     return std::nullopt;
   }
 
-  if (symloopLevel <= 0) {
-    ec = std::make_error_code(std::errc::too_many_symbolic_link_levels);
+  if (SymLoopLevel <= 0) {
+    EC = std::make_error_code(std::errc::too_many_symbolic_link_levels);
     LLVM_DEBUG(
-        dbgs() << "PathResolver::realpathCached: Too many symlink levels: "
-               << path << "\n";);
+        dbgs() << "PathResolver::realpathCached: Too many Symlink levels: "
+               << Path << "\n";);
 
     return std::nullopt;
   }
 
   // If already cached - retun cached result
-  bool isRelative = sys::path::is_relative(path);
+  bool isRelative = sys::path::is_relative(Path);
   if (!isRelative) {
-    if (auto cached = m_cache->read_realpath(path)) {
-      ec = cached->errnoCode;
-      if (ec) {
+    if (auto Cached = LibPathCache->read_realpath(Path)) {
+      EC = Cached->ErrnoCode;
+      if (EC) {
         LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Cached (error) for "
-                          << path << "\n";);
+                          << Path << "\n";);
       } else {
         LLVM_DEBUG(
             dbgs() << "PathResolver::realpathCached: Cached (success) for "
-                   << path << " => " << cached->canonicalPath << "\n";);
+                   << Path << " => " << Cached->canonicalPath << "\n";);
       }
-      return cached->canonicalPath.empty()
+      return Cached->canonicalPath.empty()
                  ? std::nullopt
-                 : std::make_optional(cached->canonicalPath);
+                 : std::make_optional(Cached->canonicalPath);
     }
   }
 
-  LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Resolving path: " << path
+  LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Resolving path: " << Path
                     << "\n";);
 
   // If result not in cache - call system function and cache result
 
   StringRef Separator(sys::path::get_separator());
-  SmallString<256> resolved(Separator);
+  SmallString<256> Resolved(Separator);
 #ifndef _WIN32
   SmallVector<StringRef, 16> Components;
 
   if (isRelative) {
-    if (baseIsResolved) {
-      resolved.assign(base);
-      LLVM_DEBUG(dbgs() << "  Using resolved base: " << base << "\n";);
+    if (BaseIsResolved) {
+      Resolved.assign(Base);
+      LLVM_DEBUG(dbgs() << "  Using Resolved base: " << Base << "\n";);
     }
-    createComponent(path, base, baseIsResolved, Components);
+    createComponent(Path, Base, BaseIsResolved, Components);
   } else {
-    path.split(Components, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
+    Path.split(Components, Separator, /*MaxSplit*/ -1, /*KeepEmpty*/ false);
   }
 
   normalizePathSegments(Components);
@@ -571,183 +572,198 @@ std::optional<std::string> PathResolver::realpathCached(StringRef path,
   });
 
   // Handle path list items
-  for (const auto &component : Components) {
-    if (component == ".")
+  for (const auto &Component : Components) {
+    if (Component == ".")
       continue;
-    if (component == "..") {
+    if (Component == "..") {
       // collapse "a/b/../c" to "a/c"
-      size_t s = resolved.rfind(Separator);
-      if (s != llvm::StringRef::npos)
-        resolved.resize(s);
-      if (resolved.empty())
-        resolved = Separator;
+      size_t S = Resolved.rfind(Separator);
+      if (S != llvm::StringRef::npos)
+        Resolved.resize(S);
+      if (Resolved.empty())
+        Resolved = Separator;
       continue;
     }
 
-    size_t oldSize = resolved.size();
-    sys::path::append(resolved, component);
-    const char *resolvedPath = resolved.c_str();
-    LLVM_DEBUG(dbgs() << "  Processing component: " << component << " => "
-                      << resolvedPath << "\n";);
-    mode_t st_mode = lstatCached(resolvedPath);
+    size_t oldSize = Resolved.size();
+    sys::path::append(Resolved, Component);
+    const char *ResolvedPath = Resolved.c_str();
+    LLVM_DEBUG(dbgs() << "  Processing Component: " << Component << " => "
+                      << ResolvedPath << "\n";);
+    mode_t st_mode = lstatCached(ResolvedPath);
 
     if (S_ISLNK(st_mode)) {
-      LLVM_DEBUG(dbgs() << "    Found symlink: " << resolvedPath << "\n";);
+      LLVM_DEBUG(dbgs() << "    Found symlink: " << ResolvedPath << "\n";);
 
-      auto symlinkOpt = readlinkCached(resolvedPath);
-      if (!symlinkOpt) {
-        ec = std::make_error_code(std::errc::no_such_file_or_directory);
-        m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
-        LLVM_DEBUG(dbgs() << "    Failed to read symlink: " << resolvedPath
+      auto SymlinkOpt = readlinkCached(ResolvedPath);
+      if (!SymlinkOpt) {
+        EC = std::make_error_code(std::errc::no_such_file_or_directory);
+        LibPathCache->insert_realpath(Path, LibraryPathCache::PathInfo{"", EC});
+        LLVM_DEBUG(dbgs() << "    Failed to read symlink: " << ResolvedPath
                           << "\n";);
 
         return std::nullopt;
       }
 
-      StringRef symlink = *symlinkOpt;
-      LLVM_DEBUG(dbgs() << "    Symlink points to: " << symlink << "\n";);
+      StringRef Symlink = *SymlinkOpt;
+      LLVM_DEBUG(dbgs() << "    Symlink points to: " << Symlink << "\n";);
 
       std::string resolvedBase = "";
-      if (sys::path::is_relative(symlink)) {
-        resolved.resize(oldSize);
-        resolvedBase = resolved.str().str();
+      if (sys::path::is_relative(Symlink)) {
+        Resolved.resize(oldSize);
+        resolvedBase = Resolved.str().str();
       }
 
-      auto realSymlink =
-          realpathCached(symlink, ec, resolvedBase,
-                         /*baseIsResolved=*/true, symloopLevel - 1);
-      if (!realSymlink) {
-        m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
-        LLVM_DEBUG(dbgs() << "    Failed to resolve symlink target: " << symlink
+      auto RealSymlink =
+          realpathCached(Symlink, EC, resolvedBase,
+                         /*BaseIsResolved=*/true, SymLoopLevel - 1);
+      if (!RealSymlink) {
+        LibPathCache->insert_realpath(Path, LibraryPathCache::PathInfo{"", EC});
+        LLVM_DEBUG(dbgs() << "    Failed to resolve symlink target: " << Symlink
                           << "\n";);
 
         return std::nullopt;
       }
 
-      resolved.assign(*realSymlink);
-      LLVM_DEBUG(dbgs() << "    Symlink resolved to: " << resolved << "\n";);
+      Resolved.assign(*RealSymlink);
+      LLVM_DEBUG(dbgs() << "    Symlink Resolved to: " << Resolved << "\n";);
 
     } else if (st_mode == 0) {
-      ec = std::make_error_code(std::errc::no_such_file_or_directory);
-      m_cache->insert_realpath(path, LibraryPathCache::PathInfo{"", ec});
-      LLVM_DEBUG(dbgs() << "    Component does not exist: " << resolvedPath
+      EC = std::make_error_code(std::errc::no_such_file_or_directory);
+      LibPathCache->insert_realpath(Path, LibraryPathCache::PathInfo{"", EC});
+      LLVM_DEBUG(dbgs() << "    Component does not exist: " << ResolvedPath
                         << "\n";);
 
       return std::nullopt;
     }
   }
 #else
-  sys::fs::real_path(path, resolved); // Windows fallback
+  sys::fs::real_path(Path, Resolved); // Windows fallback
 #endif
 
-  std::string canonical = resolved.str().str();
+  std::string Canonical = Resolved.str().str();
   {
-    m_cache->insert_realpath(path, LibraryPathCache::PathInfo{
-                                       canonical,
-                                       std::error_code() // success
-                                   });
+    LibPathCache->insert_realpath(Path, LibraryPathCache::PathInfo{
+                                            Canonical,
+                                            std::error_code() // success
+                                        });
   }
-  LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Final resolved: " << path
-                    << " => " << canonical << "\n";);
-  return canonical;
+  LLVM_DEBUG(dbgs() << "PathResolver::realpathCached: Final Resolved: " << Path
+                    << " => " << Canonical << "\n";);
+  return Canonical;
 }
 
-void LibraryScanHelper::addBasePath(const std::string &path, PathType kind) {
-  std::error_code ec;
-  std::string canon = resolveCanonical(path, ec);
-  if (ec) {
+void LibraryScanHelper::addBasePath(const std::string &Path, PathType K) {
+  std::error_code EC;
+  std::string Canon = resolveCanonical(Path, EC);
+  if (EC) {
     LLVM_DEBUG(
         dbgs()
             << "LibraryScanHelper::addBasePath: Failed to canonicalize path: "
-            << path << "\n";);
+            << Path << "\n";);
     return;
   }
-  std::unique_lock<std::shared_mutex> lock(m_mutex);
-  if (m_units.count(canon)) {
+  std::unique_lock<std::shared_mutex> lock(Mtx);
+  if (LibSearchPaths.count(Canon)) {
     LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Already added: "
-                      << canon << "\n";);
+                      << Canon << "\n";);
     return;
   }
-  kind = kind == PathType::Unknown ? classifyKind(canon) : kind;
-  auto unit = std::make_shared<LibraryUnit>(canon, kind);
-  m_units[canon] = unit;
+  K = K == PathType::Unknown ? classifyKind(Canon) : K;
+  auto unit = std::make_shared<LibrarySearchPath>(Canon, K);
+  LibSearchPaths[Canon] = unit;
 
-  if (kind == PathType::User) {
+  if (K == PathType::User) {
     LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Added User path: "
-                      << canon << "\n";);
-    m_unscannedUsr.push_back(StringRef(unit->basePath));
+                      << Canon << "\n";);
+    UnscannedUsr.push_back(StringRef(unit->basePath));
   } else {
     LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Added System path: "
-                      << canon << "\n";);
-    m_unscannedSys.push_back(StringRef(unit->basePath));
+                      << Canon << "\n";);
+    UnscannedSys.push_back(StringRef(unit->basePath));
   }
 }
 
-std::vector<std::shared_ptr<LibraryUnit>>
-LibraryScanHelper::getNextBatch(PathType kind, size_t batchSize) {
-  std::vector<std::shared_ptr<LibraryUnit>> result;
-  auto &queue = (kind == PathType::User) ? m_unscannedUsr : m_unscannedSys;
+std::vector<std::shared_ptr<LibrarySearchPath>>
+LibraryScanHelper::getNextBatch(PathType K, size_t BatchSize) {
+  std::vector<std::shared_ptr<LibrarySearchPath>> Result;
+  auto &Queue = (K == PathType::User) ? UnscannedUsr : UnscannedSys;
 
-  std::unique_lock<std::shared_mutex> lock(m_mutex);
+  std::unique_lock<std::shared_mutex> lock(Mtx);
 
-  while (!queue.empty() && (batchSize == 0 || result.size() < batchSize)) {
-    StringRef base = queue.front();
-    auto it = m_units.find(base);
-    if (it != m_units.end()) {
+  while (!Queue.empty() && (BatchSize == 0 || Result.size() < BatchSize)) {
+    StringRef Base = Queue.front();
+    auto it = LibSearchPaths.find(Base);
+    if (it != LibSearchPaths.end()) {
       auto &unit = it->second;
       ScanState expected = ScanState::NotScanned;
-      if (unit->state.compare_exchange_strong(expected, ScanState::Scanning)) {
-        result.push_back(unit);
+      if (unit->State.compare_exchange_strong(expected, ScanState::Scanning)) {
+        Result.push_back(unit);
       }
     }
-    queue.pop_front();
+    Queue.pop_front();
   }
 
-  return result;
+  return Result;
 }
 
-bool LibraryScanHelper::isTrackedBasePath(StringRef path) const {
-  std::error_code ec;
-  std::string canon = resolveCanonical(path, ec);
-  if (ec) {
+bool LibraryScanHelper::isTrackedBasePath(StringRef Path) const {
+  std::error_code EC;
+  std::string Canon = resolveCanonical(Path, EC);
+  if (EC) {
     return false;
   }
-  std::shared_lock<std::shared_mutex> lock(m_mutex);
-  return m_units.count(canon) > 0;
+  std::shared_lock<std::shared_mutex> Lock(Mtx);
+  return LibSearchPaths.count(Canon) > 0;
 }
 
 bool LibraryScanHelper::leftToScan(PathType K) const {
-  std::shared_lock<std::shared_mutex> lock(m_mutex);
-  for (const auto &unit : m_units)
-    if (unit.second->kind == K && unit.second->state == ScanState::NotScanned)
+  std::shared_lock<std::shared_mutex> Lock(Mtx);
+  for (const auto &SP : LibSearchPaths)
+    if (SP.second->Kind == K && SP.second->State == ScanState::NotScanned)
       return true;
   return false;
 }
 
-std::vector<std::shared_ptr<LibraryUnit>>
+void LibraryScanHelper::resetToScan() {
+  std::shared_lock<std::shared_mutex> lock(Mtx);
+
+  for (auto &[_, SP] : LibSearchPaths) {
+    ScanState expected = ScanState::Scanned;
+
+    if (!SP->State.compare_exchange_strong(expected, ScanState::NotScanned))
+      continue;
+
+    auto &targetList =
+        (SP->Kind == PathType::User) ? UnscannedUsr : UnscannedSys;
+    targetList.emplace_back(SP->basePath);
+  }
+}
+
+std::vector<std::shared_ptr<LibrarySearchPath>>
 LibraryScanHelper::getAllUnits() const {
-  std::shared_lock<std::shared_mutex> lock(m_mutex);
-  std::vector<std::shared_ptr<LibraryUnit>> result;
-  result.reserve(m_units.size());
-  for (const auto &[_, unit] : m_units) {
-    result.push_back(unit);
+  std::shared_lock<std::shared_mutex> Lock(Mtx);
+  std::vector<std::shared_ptr<LibrarySearchPath>> Result;
+  Result.reserve(LibSearchPaths.size());
+  for (const auto &[_, SP] : LibSearchPaths) {
+    Result.push_back(SP);
   }
-  return result;
+  return Result;
 }
 
-std::string LibraryScanHelper::resolveCanonical(StringRef path,
-                                                std::error_code &ec) const {
-  auto canon = m_resolver->resolve(path, ec);
-  return ec ? path.str() : *canon;
+std::string LibraryScanHelper::resolveCanonical(StringRef Path,
+                                                std::error_code &EC) const {
+  auto Canon = LibPathResolver->resolve(Path, EC);
+  return EC ? Path.str() : *Canon;
 }
 
-PathType LibraryScanHelper::classifyKind(StringRef path) const {
+PathType LibraryScanHelper::classifyKind(StringRef Path) const {
   // Detect home directory
   const char *home = getenv("HOME");
-  if (home && path.find(home) == 0)
+  if (home && Path.find(home) == 0)
     return PathType::User;
 
-  static const std::array<std::string, 5> userPrefixes = {
+  static const std::array<std::string, 5> UserPrefixes = {
       "/usr/local",    // often used by users for manual installs
       "/opt/homebrew", // common on macOS
       "/opt/local",    // MacPorts
@@ -755,8 +771,8 @@ PathType LibraryScanHelper::classifyKind(StringRef path) const {
       "/Users",        // macOS user dirs
   };
 
-  for (const auto &prefix : userPrefixes) {
-    if (path.find(prefix) == 0)
+  for (const auto &Prefix : UserPrefixes) {
+    if (Path.find(Prefix) == 0)
       return PathType::User;
   }
 
@@ -764,14 +780,14 @@ PathType LibraryScanHelper::classifyKind(StringRef path) const {
 }
 
 Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
-  LibraryDepsInfo libdeps;
+  LibraryDepsInfo Libdeps;
   LLVM_DEBUG(dbgs() << "Parsing Mach-O dependencies...\n";);
   for (const auto &Command : Obj.load_commands()) {
     switch (Command.C.cmd) {
     case MachO::LC_LOAD_DYLIB: {
       MachO::dylib_command dylibCmd = Obj.getDylibIDLoadCommand(Command);
       const char *name = Command.Ptr + dylibCmd.dylib.name;
-      libdeps.addDep(name);
+      Libdeps.addDep(name);
       LLVM_DEBUG(dbgs() << "  Found LC_LOAD_DYLIB: " << name << "\n";);
     } break;
     case MachO::LC_LOAD_WEAK_DYLIB:
@@ -790,14 +806,14 @@ Expected<LibraryDepsInfo> parseMachODeps(const object::MachOObjectFile &Obj) {
                   sys::EnvPathSeparator == ':' ? ":" : ";");
 
       for (const auto &raw : RawPaths) {
-        libdeps.addRPath(raw.str()); // Convert to std::string
+        Libdeps.addRPath(raw.str()); // Convert to std::string
         LLVM_DEBUG(dbgs() << "    Parsed RPATH entry: " << raw << "\n";);
       }
       break;
     }
     }
   }
-  return libdeps;
+  return Libdeps;
 }
 
 template <class ELFT>
@@ -878,44 +894,44 @@ Expected<LibraryDepsInfo> parseELF(const object::ELFFile<ELFT> &Elf) {
   return Deps;
 }
 
-Expected<LibraryDepsInfo> parseELFDeps(const object::ELFObjectFileBase &obj) {
+Expected<LibraryDepsInfo> parseELFDeps(const object::ELFObjectFileBase &Obj) {
   using namespace object;
   LLVM_DEBUG(dbgs() << "parseELFDeps: Detected ELF object\n";);
-  if (const auto *ELF = dyn_cast<ELF32LEObjectFile>(&obj))
+  if (const auto *ELF = dyn_cast<ELF32LEObjectFile>(&Obj))
     return parseELF(ELF->getELFFile());
-  else if (const auto *ELF = dyn_cast<ELF32BEObjectFile>(&obj))
+  else if (const auto *ELF = dyn_cast<ELF32BEObjectFile>(&Obj))
     return parseELF(ELF->getELFFile());
-  else if (const auto *ELF = dyn_cast<ELF64LEObjectFile>(&obj))
+  else if (const auto *ELF = dyn_cast<ELF64LEObjectFile>(&Obj))
     return parseELF(ELF->getELFFile());
-  else if (const auto *ELF = dyn_cast<ELF64BEObjectFile>(&obj))
+  else if (const auto *ELF = dyn_cast<ELF64BEObjectFile>(&Obj))
     return parseELF(ELF->getELFFile());
 
   LLVM_DEBUG(dbgs() << "parseELFDeps: Unknown ELF format\n";);
   return createStringError(std::errc::not_supported, "Unknown ELF format");
 }
 
-Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
-  LLVM_DEBUG(dbgs() << "extractDeps: Attempting to open file " << filePath
+Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef FilePath) {
+  LLVM_DEBUG(dbgs() << "extractDeps: Attempting to open file " << FilePath
                     << "\n";);
 
-  ObjectFileLoader ObjLoader(filePath);
+  ObjectFileLoader ObjLoader(FilePath);
   auto ObjOrErr = ObjLoader.getObjectFile();
   if (!ObjOrErr) {
-    LLVM_DEBUG(dbgs() << "extractDeps: Failed to open " << filePath << "\n";);
+    LLVM_DEBUG(dbgs() << "extractDeps: Failed to open " << FilePath << "\n";);
     return ObjOrErr.takeError();
   }
 
   object::ObjectFile *Obj = &ObjOrErr.get();
 
   if (auto *elfObj = dyn_cast<object::ELFObjectFileBase>(Obj)) {
-    LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
+    LLVM_DEBUG(dbgs() << "extractDeps: File " << FilePath
                       << " is an ELF object\n";);
 
     return parseELFDeps(*elfObj);
   }
 
   if (auto *macho = dyn_cast<object::MachOObjectFile>(Obj)) {
-    LLVM_DEBUG(dbgs() << "extractDeps: File " << filePath
+    LLVM_DEBUG(dbgs() << "extractDeps: File " << FilePath
                       << " is a Mach-O object\n";);
     return parseMachODeps(*macho);
   }
@@ -926,26 +942,26 @@ Expected<LibraryDepsInfo> LibraryScanner::extractDeps(StringRef filePath) {
   }
 
   LLVM_DEBUG(dbgs() << "extractDeps: Unsupported binary format for file "
-                    << filePath << "\n";);
+                    << FilePath << "\n";);
   return createStringError(inconvertibleErrorCode(),
                            "Unsupported binary format: %s",
-                           filePath.str().c_str());
+                           FilePath.str().c_str());
 }
 
-std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
+std::optional<std::string> LibraryScanner::shouldScan(StringRef FilePath) {
   std::error_code EC;
 
-  LLVM_DEBUG(dbgs() << "[shouldScan] Checking: " << filePath << "\n";);
+  LLVM_DEBUG(dbgs() << "[shouldScan] Checking: " << FilePath << "\n";);
 
   // [1] Check file existence early
-  if (!sys::fs::exists(filePath)) {
+  if (!sys::fs::exists(FilePath)) {
     LLVM_DEBUG(dbgs() << "  -> Skipped: file does not exist.\n";);
 
     return std::nullopt;
   }
 
   // [2] Resolve to canonical path
-  auto CanonicalPathOpt = m_helper.resolve(filePath, EC);
+  auto CanonicalPathOpt = ScanHelper.resolve(FilePath, EC);
   if (EC || !CanonicalPathOpt) {
     LLVM_DEBUG(dbgs() << "  -> Skipped: failed to resolve path (EC="
                       << EC.message() << ").\n";);
@@ -971,21 +987,21 @@ std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
   }
 
   // [5] Skip if we've already seen this path (via cache)
-  if (m_helper.hasSeenOrMark(CanonicalPath)) {
+  if (ScanHelper.hasSeenOrMark(CanonicalPath)) {
     LLVM_DEBUG(dbgs() << "  -> Skipped: already seen.\n";);
 
     return std::nullopt;
   }
 
   // [6] Already tracked in LibraryManager?
-  if (m_libMgr.hasLibrary(CanonicalPath)) {
+  if (LibMgr.hasLibrary(CanonicalPath)) {
     LLVM_DEBUG(dbgs() << "  -> Skipped: already tracked by LibraryManager.\n";);
 
     return std::nullopt;
   }
 
   // [7] Run user-defined hook (default: always true)
-  if (!shouldScanCall(CanonicalPath)) {
+  if (!ShouldScanCall(CanonicalPath)) {
     LLVM_DEBUG(dbgs() << "  -> Skipped: user-defined hook rejected.\n";);
 
     return std::nullopt;
@@ -996,12 +1012,12 @@ std::optional<std::string> LibraryScanner::shouldScan(StringRef filePath) {
   return CanonicalPath;
 }
 
-void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
-  LLVM_DEBUG(dbgs() << "LibraryScanner::handleLibrary: Scanning: " << filePath
+void LibraryScanner::handleLibrary(StringRef FilePath, PathType K, int level) {
+  LLVM_DEBUG(dbgs() << "LibraryScanner::handleLibrary: Scanning: " << FilePath
                     << ", level=" << level << "\n";);
-  auto CanonPathOpt = shouldScan(filePath);
+  auto CanonPathOpt = shouldScan(FilePath);
   if (!CanonPathOpt) {
-    LLVM_DEBUG(dbgs() << "  Skipped (shouldScan returned false): " << filePath
+    LLVM_DEBUG(dbgs() << "  Skipped (shouldScan returned false): " << FilePath
                       << "\n";);
 
     return;
@@ -1037,7 +1053,7 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
     return;
   }
 
-  bool added = m_libMgr.addLibrary(CanonicalPath, K);
+  bool added = LibMgr.addLibrary(CanonicalPath, K);
   if (!added) {
     LLVM_DEBUG(dbgs() << "  Already added: " << CanonicalPath << "\n";);
     return;
@@ -1056,7 +1072,7 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
     LLVM_DEBUG(dbgs() << "   Checking : " << Paths.size() << "\n";);
     return std::all_of(Paths.begin(), Paths.end(), [&](StringRef P) {
       LLVM_DEBUG(dbgs() << "      Checking isTrackedBasePath : " << P << "\n";);
-      return m_helper.isTrackedBasePath(
+      return ScanHelper.isTrackedBasePath(
           DylibResolver::resolvelinkerFlag(P, CanonicalPath));
     });
   };
@@ -1068,68 +1084,68 @@ void LibraryScanner::handleLibrary(StringRef filePath, PathType K, int level) {
     return;
   }
 
-  DylibPathValidator validator(m_helper.getPathResolver());
-  DylibResolver m_libResolver(validator);
-  m_libResolver.configure(
-      CanonicalPath, {{Deps.rpath, SearchPathType::RPath},
-                      {m_helper.getSearchPaths(), SearchPathType::UsrOrSys},
+  DylibPathValidator Validator(ScanHelper.getPathResolver());
+  DylibResolver Resolver(Validator);
+  Resolver.configure(CanonicalPath,
+                     {{Deps.rpath, SearchPathType::RPath},
+                      {ScanHelper.getSearchPaths(), SearchPathType::UsrOrSys},
                       {Deps.runPath, SearchPathType::RunPath}});
-  for (StringRef dep : Deps.deps) {
-    LLVM_DEBUG(dbgs() << "  Resolving dep: " << dep << "\n";);
-    auto dep_fullopt = m_libResolver.resolve(dep);
-    if (!dep_fullopt) {
-      LLVM_DEBUG(dbgs() << "    Failed to resolve dep: " << dep << "\n";);
+  for (StringRef Dep : Deps.deps) {
+    LLVM_DEBUG(dbgs() << "  Resolving dep: " << Dep << "\n";);
+    auto DepFullOpt = Resolver.resolve(Dep);
+    if (!DepFullOpt) {
+      LLVM_DEBUG(dbgs() << "    Failed to resolve dep: " << Dep << "\n";);
 
       continue;
     }
-    LLVM_DEBUG(dbgs() << "    Resolved dep to: " << *dep_fullopt << "\n";);
+    LLVM_DEBUG(dbgs() << "    Resolved dep to: " << *DepFullOpt << "\n";);
 
-    handleLibrary(*dep_fullopt, K, level + 1);
+    handleLibrary(*DepFullOpt, K, level + 1);
   }
 }
 
-void LibraryScanner::scanBaseDir(std::shared_ptr<LibraryUnit> unit) {
-  if (!sys::fs::is_directory(unit->basePath) || unit->basePath.empty()) {
+void LibraryScanner::scanBaseDir(std::shared_ptr<LibrarySearchPath> Unit) {
+  if (!sys::fs::is_directory(Unit->basePath) || Unit->basePath.empty()) {
     LLVM_DEBUG(
         dbgs() << "LibraryScanner::scanBaseDir: Invalid or empty basePath: "
-               << unit->basePath << "\n";);
+               << Unit->basePath << "\n";);
     return;
   }
 
   LLVM_DEBUG(dbgs() << "LibraryScanner::scanBaseDir: Scanning directory: "
-                    << unit->basePath << "\n";);
-  std::error_code ec;
+                    << Unit->basePath << "\n";);
+  std::error_code EC;
 
-  unit->state.store(ScanState::Scanning);
+  Unit->State.store(ScanState::Scanning);
 
-  for (sys::fs::directory_iterator it(unit->basePath, ec), end;
-       it != end && !ec; it.increment(ec)) {
-    auto entry = *it;
-    if (!entry.status())
+  for (sys::fs::directory_iterator It(Unit->basePath, EC), end;
+       It != end && !EC; It.increment(EC)) {
+    auto Entry = *It;
+    if (!Entry.status())
       continue;
 
-    auto status = *entry.status();
-    if (sys::fs::is_regular_file(status) || sys::fs::is_symlink_file(status)) {
-      LLVM_DEBUG(dbgs() << "  Found file: " << entry.path() << "\n";);
+    auto Status = *Entry.status();
+    if (sys::fs::is_regular_file(Status) || sys::fs::is_symlink_file(Status)) {
+      LLVM_DEBUG(dbgs() << "  Found file: " << Entry.path() << "\n";);
       // async support ?
-      handleLibrary(entry.path(), unit->kind);
+      handleLibrary(Entry.path(), Unit->Kind);
     }
   }
 
-  unit->state.store(ScanState::Scanned);
+  Unit->State.store(ScanState::Scanned);
 }
 
-void LibraryScanner::scanNext(PathType K, size_t batchSize) {
+void LibraryScanner::scanNext(PathType K, size_t BatchSize) {
   LLVM_DEBUG(dbgs() << "LibraryScanner::scanNext: Scanning next batch of size "
-                    << batchSize << " for kind "
+                    << BatchSize << " for kind "
                     << (K == PathType::User ? "User" : "System") << "\n";);
 
-  auto Units = m_helper.getNextBatch(K, batchSize);
-  for (auto &unit : Units) {
-    LLVM_DEBUG(dbgs() << "  Scanning unit with basePath: " << unit->basePath
+  auto SPaths = ScanHelper.getNextBatch(K, BatchSize);
+  for (auto &SP : SPaths) {
+    LLVM_DEBUG(dbgs() << "  Scanning unit with basePath: " << SP->basePath
                       << "\n";);
 
-    scanBaseDir(unit);
+    scanBaseDir(SP);
   }
 }
 

>From 22cff46c95f52c87823965dd512983d5bdaf2515 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sat, 20 Sep 2025 15:34:47 +0530
Subject: [PATCH 29/37] Fix code format

---
 .../llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h    | 3 +--
 llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp  | 2 +-
 2 files changed, 2 insertions(+), 3 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index ca0a6b4e03214..7e474d19196b9 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -365,8 +365,7 @@ class LibraryScanHelper {
     return LibPathCache->hasSeenOrMark(P);
   }
 
-  std::optional<std::string> resolve(StringRef P,
-                                     std::error_code &ec) const {
+  std::optional<std::string> resolve(StringRef P, std::error_code &ec) const {
     return LibPathResolver->resolve(P.str(), ec);
   }
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 6acdeea212e0c..669527250d8ef 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -234,7 +234,7 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
   if (MagicCode == file_magic::archive)
     return false;
 
-    // Universal binary handling.
+  // Universal binary handling.
 #if defined(__APPLE__)
   if (MagicCode == file_magic::macho_universal_binary) {
     ObjectFileLoader ObjLoader(Path);

>From 01450cbc4e57abf90ad4c3e138c69899bc019c1f Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Mon, 29 Sep 2025 15:53:35 +0530
Subject: [PATCH 30/37] Add ELF support in tests

---
 .../Orc/TargetProcess/LibraryScanner.h        |    2 +-
 .../Orc/TargetProcess/LibraryScanner.cpp      |    5 +-
 .../ExecutionEngine/Orc/Inputs/A/A_linux.yaml | 1014 ++++++++++++++++
 .../Orc/Inputs/A/{A.yaml => A_macho.yaml}     |    0
 .../ExecutionEngine/Orc/Inputs/B/B_linux.yaml | 1014 ++++++++++++++++
 .../Orc/Inputs/B/{B.yaml => B_macho.yaml}     |    0
 .../ExecutionEngine/Orc/Inputs/C/C_linux.yaml |  999 ++++++++++++++++
 .../Orc/Inputs/C/{C.yaml => C_macho.yaml}     |   30 +-
 .../ExecutionEngine/Orc/Inputs/D/D_linux.yaml | 1050 +++++++++++++++++
 .../Orc/Inputs/D/{D.yaml => D_macho.yaml}     |   12 +-
 .../ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml | 1014 ++++++++++++++++
 .../Orc/Inputs/Z/{Z.yaml => Z_macho.yaml}     |    0
 .../Orc/LibraryResolverTest.cpp               |  186 ++-
 13 files changed, 5247 insertions(+), 79 deletions(-)
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_linux.yaml
 rename llvm/unittests/ExecutionEngine/Orc/Inputs/A/{A.yaml => A_macho.yaml} (100%)
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_linux.yaml
 rename llvm/unittests/ExecutionEngine/Orc/Inputs/B/{B.yaml => B_macho.yaml} (100%)
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_linux.yaml
 rename llvm/unittests/ExecutionEngine/Orc/Inputs/C/{C.yaml => C_macho.yaml} (97%)
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_linux.yaml
 rename llvm/unittests/ExecutionEngine/Orc/Inputs/D/{D.yaml => D_macho.yaml} (98%)
 create mode 100644 llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml
 rename llvm/unittests/ExecutionEngine/Orc/Inputs/Z/{Z.yaml => Z_macho.yaml} (100%)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index 7e474d19196b9..be97501c51966 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -174,7 +174,7 @@ class DylibSubstitutor {
 
   std::string substitute(StringRef input) const {
     for (const auto &[ph, value] : Placeholders) {
-      if (input.starts_with(ph))
+      if (input.starts_with_insensitive(ph))
         return (Twine(value) + input.drop_front(ph.size())).str();
     }
     return input.str();
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 669527250d8ef..d6d2edc0667c8 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -308,7 +308,8 @@ SearchPathResolver::resolve(StringRef Stem, const DylibSubstitutor &Subst,
     std::string Base = Subst.substitute(searchPath);
 
     SmallString<512> FullPath(Base);
-    if (!placeholderPrefix.empty() && Stem.starts_with(placeholderPrefix))
+    if (!placeholderPrefix.empty() &&
+        Stem.starts_with_insensitive(placeholderPrefix))
       FullPath.append(Stem.drop_front(placeholderPrefix.size()));
     else
       sys::path::append(FullPath, Stem);
@@ -387,7 +388,7 @@ DylibResolverImpl::resolve(StringRef LibStem, bool variateLibStem) const {
     return Validator.validate(LibStem);
   }
 
-  if (!LibStem.starts_with("@rpath")) {
+  if (!LibStem.starts_with_insensitive("@rpath")) {
     if (auto norm = Validator.validate(Substitutor.substitute(LibStem))) {
       LLVM_DEBUG(dbgs() << "  -> Resolved after substitution: " << *norm
                         << "\n";);
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_linux.yaml
new file mode 100644
index 0000000000000..97bbcd9a31858
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_linux.yaml
@@ -0,0 +1,1014 @@
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_AARCH64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .eh_frame
+    Align:           0x10000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x10DF0
+    Align:           0x10000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x10E00
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x1C8
+    Align:           0x4
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x618
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x10DF0
+Sections:
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            C158EA7BD1F22B37E5C78E5EB04EF15FE8E62B2E
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x8
+      Shift2:          0x6
+    BloomFilter:     [ 0x400000080000 ]
+    HashBuckets:     [ 0x0, 0x8 ]
+    HashValues:      [ 0x7C9DCB93 ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x218
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2F0
+    AddressAlign:    0x1
+  - Name:            .gnu.version
+    Type:            SHT_GNU_versym
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x364
+    Link:            .dynsym
+    AddressAlign:    0x2
+    Entries:         [ 0, 0, 0, 1, 2, 1, 2, 1, 1 ]
+  - Name:            .gnu.version_r
+    Type:            SHT_GNU_verneed
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x378
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Dependencies:
+      - Version:         1
+        File:            libc.so.6
+        Entries:
+          - Name:            GLIBC_2.17
+            Hash:            110530967
+            Flags:           0
+            Other:           2
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x398
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x10DF0
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1488
+      - Offset:          0x10DF8
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1408
+      - Offset:          0x11018
+        Type:            R_AARCH64_RELATIVE
+        Addend:          69656
+      - Offset:          0x10FC8
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD0
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD8
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FE0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x440
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x11000
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11008
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11010
+        Symbol:          puts
+        Type:            R_AARCH64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x488
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD03009117000094FD7BC1A8C0035FD6
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x4A0
+    AddressAlign:    0x10
+    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x4F0
+    AddressAlign:    0x10
+    Content:         8000009000EC47F9400000B4F5FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000800091810000B0218000913F0000EBC00000548100009021E447F9610000B4F00301AA00021FD6C0035FD6800000B000800091810000B021800091210000CB22FC7FD3410C818B21FC4193C10000B48200009042F047F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060824039400100358000009000E847F9800000B4800000B0000C40F9C5FFFF97D8FFFF972000805260820039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD0300910000009000201891BFFFFF971F2003D5FD7BC1A8C0035FD6
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x5F4
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
+  - Name:            .rodata
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x608
+    AddressAlign:    0x8
+    Content:         48656C6C6F2066726F6D204100
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x618
+    AddressAlign:    0x4
+    Content:         011B033B3400000005000000F8FEFFFF4C00000028FFFFFF6000000068FFFFFF74000000B8FFFFFF98000000BCFFFFFFB0000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x650
+    AddressAlign:    0x8
+    Content:         1000000000000000017A520004781E011B0C1F001000000018000000A4FEFFFF3000000000000000100000002C000000C0FEFFFF3C000000000000002000000040000000ECFEFFFF4800000000410E209D049E034293024EDEDDD30E00000000140000006400000018FFFFFF0400000000000000000000001C0000007C00000004FFFFFF2000000000410E109D029E0146DEDD0E0000000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DF0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0xDF0
+    Content:         D005000000000000
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DF8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '8005000000000000'
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10E00
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x5F
+      - Tag:             DT_INIT
+        Value:           0x488
+      - Tag:             DT_FINI
+        Value:           0x5F4
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x10DF0
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x10DF8
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x1F0
+      - Tag:             DT_STRTAB
+        Value:           0x2F0
+      - Tag:             DT_SYMTAB
+        Value:           0x218
+      - Tag:             DT_STRSZ
+        Value:           0x74
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x10FE8
+      - Tag:             DT_PLTRELSZ
+        Value:           0x48
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x440
+      - Tag:             DT_RELA
+        Value:           0x398
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_VERNEED
+        Value:           0x378
+      - Tag:             DT_VERNEEDNUM
+        Value:           0x1
+      - Tag:             DT_VERSYM
+        Value:           0x364
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FC0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '000E0100000000000000000000000000000000000000000000000000000000000000000000000000'
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FE8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         000000000000000000000000000000000000000000000000A004000000000000A004000000000000A004000000000000
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11018
+    AddressAlign:    0x8
+    Content:         '1810010000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11020
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
+Symbols:
+  - Name:            .note.gnu.build-id
+    Type:            STT_SECTION
+    Section:         .note.gnu.build-id
+    Value:           0x1C8
+  - Name:            .gnu.hash
+    Type:            STT_SECTION
+    Section:         .gnu.hash
+    Value:           0x1F0
+  - Name:            .dynsym
+    Type:            STT_SECTION
+    Section:         .dynsym
+    Value:           0x218
+  - Name:            .dynstr
+    Type:            STT_SECTION
+    Section:         .dynstr
+    Value:           0x2F0
+  - Name:            .gnu.version
+    Type:            STT_SECTION
+    Section:         .gnu.version
+    Value:           0x364
+  - Name:            .gnu.version_r
+    Type:            STT_SECTION
+    Section:         .gnu.version_r
+    Value:           0x378
+  - Name:            .rela.dyn
+    Type:            STT_SECTION
+    Section:         .rela.dyn
+    Value:           0x398
+  - Name:            .rela.plt
+    Type:            STT_SECTION
+    Section:         .rela.plt
+    Value:           0x440
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x488
+  - Name:            .plt
+    Type:            STT_SECTION
+    Section:         .plt
+    Value:           0x4A0
+  - Name:            .text
+    Type:            STT_SECTION
+    Section:         .text
+    Value:           0x4F0
+  - Name:            .fini
+    Type:            STT_SECTION
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            .rodata
+    Type:            STT_SECTION
+    Section:         .rodata
+    Value:           0x608
+  - Name:            .eh_frame_hdr
+    Type:            STT_SECTION
+    Section:         .eh_frame_hdr
+    Value:           0x618
+  - Name:            .eh_frame
+    Type:            STT_SECTION
+    Section:         .eh_frame
+    Value:           0x650
+  - Name:            .init_array
+    Type:            STT_SECTION
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            .fini_array
+    Type:            STT_SECTION
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            .dynamic
+    Type:            STT_SECTION
+    Section:         .dynamic
+    Value:           0x10E00
+  - Name:            .got
+    Type:            STT_SECTION
+    Section:         .got
+    Value:           0x10FC0
+  - Name:            .got.plt
+    Type:            STT_SECTION
+    Section:         .got.plt
+    Value:           0x10FE8
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11018
+  - Name:            .bss
+    Type:            STT_SECTION
+    Section:         .bss
+    Value:           0x11020
+  - Name:            .comment
+    Type:            STT_SECTION
+    Section:         .comment
+  - Name:            crti.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x'
+    Section:         .text
+    Value:           0x4F0
+  - Name:            call_weak_fn
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x4F0
+    Size:            0x14
+  - Name:            '$x (1)'
+    Section:         .init
+    Value:           0x488
+  - Name:            '$x (2)'
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            crtn.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (3)'
+    Section:         .init
+    Value:           0x498
+  - Name:            '$x (4)'
+    Section:         .fini
+    Value:           0x600
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (5)'
+    Section:         .text
+    Value:           0x510
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x510
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x540
+  - Name:            '$d'
+    Section:         .data
+    Value:           0x11018
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x580
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x11020
+    Size:            0x1
+  - Name:            '$d (1)'
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x5D0
+  - Name:            '$d (2)'
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            '$d (3)'
+    Section:         .eh_frame
+    Value:           0x664
+  - Name:            '$d (4)'
+    Section:         .bss
+    Value:           0x11020
+  - Name:            libA.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$d (5)'
+    Section:         .rodata
+    Value:           0x608
+  - Name:            '$x (6)'
+    Section:         .text
+    Value:           0x5D4
+  - Name:            '$d (6)'
+    Section:         .eh_frame
+    Value:           0x6C8
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$d (7)'
+    Section:         .eh_frame
+    Value:           0x6E8
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x6E8
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11018
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10E00
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x618
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11020
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10FC0
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x488
+  - Name:            '$x (7)'
+    Section:         .plt
+    Value:           0x4A0
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            '__cxa_finalize at GLIBC_2.17'
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x5D4
+    Size:            0x20
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            'puts at GLIBC_2.17'
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x488
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11018
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            __cxa_finalize
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            puts
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x5D4
+    Size:            0x20
+...
+
+
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_X86_64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .rela.plt
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .init
+    LastSec:         .fini
+    VAddr:           0x1000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .rodata
+    LastSec:         .eh_frame
+    VAddr:           0x2000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x3E10
+    Align:           0x1000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x3E20
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x2C8
+    Align:           0x4
+  - Type:            PT_GNU_PROPERTY
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x2010
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x3E10
+Sections:
+  - Name:            .note.gnu.property
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2A8
+    AddressAlign:    0x8
+    Notes:
+      - Name:            GNU
+        Desc:            020000C0040000000300000000000000
+        Type:            NT_GNU_PROPERTY_TYPE_0
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            73604396C95840D5C380A0950F085A778F94EE7C
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x6
+      Shift2:          0x6
+    BloomFilter:     [ 0x400000080000 ]
+    HashBuckets:     [ 0x0, 0x6 ]
+    HashValues:      [ 0x7C9DCB93 ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x318
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x3C0
+    AddressAlign:    0x1
+  - Name:            .gnu.version
+    Type:            SHT_GNU_versym
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x436
+    Link:            .dynsym
+    AddressAlign:    0x2
+    Entries:         [ 0, 1, 2, 1, 1, 2, 1 ]
+  - Name:            .gnu.version_r
+    Type:            SHT_GNU_verneed
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x448
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Dependencies:
+      - Version:         1
+        File:            libc.so.6
+        Entries:
+          - Name:            GLIBC_2.2.5
+            Hash:            157882997
+            Flags:           0
+            Other:           2
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x468
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x3E10
+        Type:            R_X86_64_RELATIVE
+        Addend:          4368
+      - Offset:          0x3E18
+        Type:            R_X86_64_RELATIVE
+        Addend:          4304
+      - Offset:          0x4020
+        Type:            R_X86_64_RELATIVE
+        Addend:          16416
+      - Offset:          0x3FE0
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FE8
+        Symbol:          __gmon_start__
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF8
+        Symbol:          __cxa_finalize
+        Type:            R_X86_64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x510
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x4018
+        Symbol:          puts
+        Type:            R_X86_64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1000
+    AddressAlign:    0x4
+    Offset:          0x1000
+    Content:         F30F1EFA4883EC08488B05D92F00004885C07402FFD04883C408C3
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1020
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         FF35E22F0000F2FF25E32F00000F1F00F30F1EFA6800000000F2E9E1FFFFFF90
+  - Name:            .plt.got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1040
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF25AD2F00000F1F440000
+  - Name:            .plt.sec
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1050
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF25BD2F00000F1F440000
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1060
+    AddressAlign:    0x10
+    Content:         488D3DC12F0000488D05BA2F00004839F87415488B05662F00004885C07409FFE00F1F8000000000C30F1F8000000000488D3D912F0000488D358A2F00004829FE4889F048C1EE3F48C1F8034801C648D1FE7414488B05352F00004885C07408FFE0660F1F440000C30F1F8000000000F30F1EFA803D4D2F000000752B5548833D122F0000004889E5740C488B3D2E2F0000E849FFFFFFE864FFFFFFC605252F0000015DC30F1F00C30F1F8000000000F30F1EFAE977FFFFFFF30F1EFA554889E5488D05D80E00004889C7E820FFFFFF905DC3
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1134
+    AddressAlign:    0x4
+    Content:         F30F1EFA4883EC084883C408C3
+  - Name:            .rodata
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2000
+    AddressAlign:    0x1
+    Offset:          0x2000
+    Content:         48656C6C6F2066726F6D204100
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2010
+    AddressAlign:    0x4
+    Content:         011B033B2C0000000400000010F0FFFF4800000030F0FFFF7000000040F0FFFF8800000009F1FFFFA0000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2040
+    AddressAlign:    0x8
+    Content:         1400000000000000017A5200017810011B0C070890010000240000001C000000C0EFFFFF20000000000E10460E184A0F0B770880003F1A3A2A332422000000001400000044000000B8EFFFFF100000000000000000000000140000005C000000B0EFFFFF1000000000000000000000001C0000007400000061F0FFFF1A00000000450E108602430D06510C070800000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E10
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0x2E10
+    Content:         '1011000000000000'
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E18
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         D010000000000000
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E20
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x5F
+      - Tag:             DT_INIT
+        Value:           0x1000
+      - Tag:             DT_FINI
+        Value:           0x1134
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x3E10
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x3E18
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x2F0
+      - Tag:             DT_STRTAB
+        Value:           0x3C0
+      - Tag:             DT_SYMTAB
+        Value:           0x318
+      - Tag:             DT_STRSZ
+        Value:           0x75
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x4000
+      - Tag:             DT_PLTRELSZ
+        Value:           0x18
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x510
+      - Tag:             DT_RELA
+        Value:           0x468
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_VERNEED
+        Value:           0x448
+      - Tag:             DT_VERNEEDNUM
+        Value:           0x1
+      - Tag:             DT_VERSYM
+        Value:           0x436
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3FE0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '0000000000000000000000000000000000000000000000000000000000000000'
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4000
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '203E000000000000000000000000000000000000000000003010000000000000'
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4020
+    AddressAlign:    0x8
+    Content:         '2040000000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4028
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E30342E32292031312E342E3000
+Symbols:
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1060
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1090
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x10D0
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x4028
+    Size:            0x1
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x3E18
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1110
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x3E10
+  - Name:            libA.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x20D0
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x1134
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4020
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Section:         .dynamic
+    Value:           0x3E20
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x2010
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4028
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Section:         .got.plt
+    Value:           0x4000
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x1000
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            'puts at GLIBC_2.2.5'
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayA
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x1119
+    Size:            0x1A
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            '__cxa_finalize at GLIBC_2.2.5'
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            puts
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            __cxa_finalize
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x1119
+    Size:            0x1A
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_macho.yaml
similarity index 100%
rename from llvm/unittests/ExecutionEngine/Orc/Inputs/A/A.yaml
rename to llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_macho.yaml
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_linux.yaml
new file mode 100644
index 0000000000000..727b2a17a6845
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_linux.yaml
@@ -0,0 +1,1014 @@
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_AARCH64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .eh_frame
+    Align:           0x10000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x10DF0
+    Align:           0x10000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x10E00
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x1C8
+    Align:           0x4
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x618
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x10DF0
+Sections:
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            4A349C99A060CDC0E0CB4AB978068122B6C129D3
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x8
+      Shift2:          0x6
+    BloomFilter:     [ 0x400000100000 ]
+    HashBuckets:     [ 0x8, 0x0 ]
+    HashValues:      [ 0x7C9DCB95 ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x218
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2F0
+    AddressAlign:    0x1
+  - Name:            .gnu.version
+    Type:            SHT_GNU_versym
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x364
+    Link:            .dynsym
+    AddressAlign:    0x2
+    Entries:         [ 0, 0, 0, 1, 2, 1, 2, 1, 1 ]
+  - Name:            .gnu.version_r
+    Type:            SHT_GNU_verneed
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x378
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Dependencies:
+      - Version:         1
+        File:            libc.so.6
+        Entries:
+          - Name:            GLIBC_2.17
+            Hash:            110530967
+            Flags:           0
+            Other:           2
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x398
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x10DF0
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1488
+      - Offset:          0x10DF8
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1408
+      - Offset:          0x11018
+        Type:            R_AARCH64_RELATIVE
+        Addend:          69656
+      - Offset:          0x10FC8
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD0
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD8
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FE0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x440
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x11000
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11008
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11010
+        Symbol:          puts
+        Type:            R_AARCH64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x488
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD03009117000094FD7BC1A8C0035FD6
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x4A0
+    AddressAlign:    0x10
+    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x4F0
+    AddressAlign:    0x10
+    Content:         8000009000EC47F9400000B4F5FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000800091810000B0218000913F0000EBC00000548100009021E447F9610000B4F00301AA00021FD6C0035FD6800000B000800091810000B021800091210000CB22FC7FD3410C818B21FC4193C10000B48200009042F047F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060824039400100358000009000E847F9800000B4800000B0000C40F9C5FFFF97D8FFFF972000805260820039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD0300910000009000201891BFFFFF971F2003D5FD7BC1A8C0035FD6
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x5F4
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
+  - Name:            .rodata
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x608
+    AddressAlign:    0x8
+    Content:         48656C6C6F2066726F6D204200
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x618
+    AddressAlign:    0x4
+    Content:         011B033B3400000005000000F8FEFFFF4C00000028FFFFFF6000000068FFFFFF74000000B8FFFFFF98000000BCFFFFFFB0000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x650
+    AddressAlign:    0x8
+    Content:         1000000000000000017A520004781E011B0C1F001000000018000000A4FEFFFF3000000000000000100000002C000000C0FEFFFF3C000000000000002000000040000000ECFEFFFF4800000000410E209D049E034293024EDEDDD30E00000000140000006400000018FFFFFF0400000000000000000000001C0000007C00000004FFFFFF2000000000410E109D029E0146DEDD0E0000000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DF0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0xDF0
+    Content:         D005000000000000
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DF8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '8005000000000000'
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10E00
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x5F
+      - Tag:             DT_INIT
+        Value:           0x488
+      - Tag:             DT_FINI
+        Value:           0x5F4
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x10DF0
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x10DF8
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x1F0
+      - Tag:             DT_STRTAB
+        Value:           0x2F0
+      - Tag:             DT_SYMTAB
+        Value:           0x218
+      - Tag:             DT_STRSZ
+        Value:           0x74
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x10FE8
+      - Tag:             DT_PLTRELSZ
+        Value:           0x48
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x440
+      - Tag:             DT_RELA
+        Value:           0x398
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_VERNEED
+        Value:           0x378
+      - Tag:             DT_VERNEEDNUM
+        Value:           0x1
+      - Tag:             DT_VERSYM
+        Value:           0x364
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FC0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '000E0100000000000000000000000000000000000000000000000000000000000000000000000000'
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FE8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         000000000000000000000000000000000000000000000000A004000000000000A004000000000000A004000000000000
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11018
+    AddressAlign:    0x8
+    Content:         '1810010000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11020
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
+Symbols:
+  - Name:            .note.gnu.build-id
+    Type:            STT_SECTION
+    Section:         .note.gnu.build-id
+    Value:           0x1C8
+  - Name:            .gnu.hash
+    Type:            STT_SECTION
+    Section:         .gnu.hash
+    Value:           0x1F0
+  - Name:            .dynsym
+    Type:            STT_SECTION
+    Section:         .dynsym
+    Value:           0x218
+  - Name:            .dynstr
+    Type:            STT_SECTION
+    Section:         .dynstr
+    Value:           0x2F0
+  - Name:            .gnu.version
+    Type:            STT_SECTION
+    Section:         .gnu.version
+    Value:           0x364
+  - Name:            .gnu.version_r
+    Type:            STT_SECTION
+    Section:         .gnu.version_r
+    Value:           0x378
+  - Name:            .rela.dyn
+    Type:            STT_SECTION
+    Section:         .rela.dyn
+    Value:           0x398
+  - Name:            .rela.plt
+    Type:            STT_SECTION
+    Section:         .rela.plt
+    Value:           0x440
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x488
+  - Name:            .plt
+    Type:            STT_SECTION
+    Section:         .plt
+    Value:           0x4A0
+  - Name:            .text
+    Type:            STT_SECTION
+    Section:         .text
+    Value:           0x4F0
+  - Name:            .fini
+    Type:            STT_SECTION
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            .rodata
+    Type:            STT_SECTION
+    Section:         .rodata
+    Value:           0x608
+  - Name:            .eh_frame_hdr
+    Type:            STT_SECTION
+    Section:         .eh_frame_hdr
+    Value:           0x618
+  - Name:            .eh_frame
+    Type:            STT_SECTION
+    Section:         .eh_frame
+    Value:           0x650
+  - Name:            .init_array
+    Type:            STT_SECTION
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            .fini_array
+    Type:            STT_SECTION
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            .dynamic
+    Type:            STT_SECTION
+    Section:         .dynamic
+    Value:           0x10E00
+  - Name:            .got
+    Type:            STT_SECTION
+    Section:         .got
+    Value:           0x10FC0
+  - Name:            .got.plt
+    Type:            STT_SECTION
+    Section:         .got.plt
+    Value:           0x10FE8
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11018
+  - Name:            .bss
+    Type:            STT_SECTION
+    Section:         .bss
+    Value:           0x11020
+  - Name:            .comment
+    Type:            STT_SECTION
+    Section:         .comment
+  - Name:            crti.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x'
+    Section:         .text
+    Value:           0x4F0
+  - Name:            call_weak_fn
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x4F0
+    Size:            0x14
+  - Name:            '$x (1)'
+    Section:         .init
+    Value:           0x488
+  - Name:            '$x (2)'
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            crtn.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (3)'
+    Section:         .init
+    Value:           0x498
+  - Name:            '$x (4)'
+    Section:         .fini
+    Value:           0x600
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (5)'
+    Section:         .text
+    Value:           0x510
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x510
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x540
+  - Name:            '$d'
+    Section:         .data
+    Value:           0x11018
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x580
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x11020
+    Size:            0x1
+  - Name:            '$d (1)'
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x5D0
+  - Name:            '$d (2)'
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            '$d (3)'
+    Section:         .eh_frame
+    Value:           0x664
+  - Name:            '$d (4)'
+    Section:         .bss
+    Value:           0x11020
+  - Name:            libB.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$d (5)'
+    Section:         .rodata
+    Value:           0x608
+  - Name:            '$x (6)'
+    Section:         .text
+    Value:           0x5D4
+  - Name:            '$d (6)'
+    Section:         .eh_frame
+    Value:           0x6C8
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$d (7)'
+    Section:         .eh_frame
+    Value:           0x6E8
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x6E8
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11018
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10E00
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x618
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11020
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10FC0
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x488
+  - Name:            '$x (7)'
+    Section:         .plt
+    Value:           0x4A0
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            '__cxa_finalize at GLIBC_2.17'
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            'puts at GLIBC_2.17'
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayB
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x5D4
+    Size:            0x20
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x488
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11018
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            __cxa_finalize
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            puts
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            sayB
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x5D4
+    Size:            0x20
+...
+
+
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_X86_64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .rela.plt
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .init
+    LastSec:         .fini
+    VAddr:           0x1000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .rodata
+    LastSec:         .eh_frame
+    VAddr:           0x2000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x3E10
+    Align:           0x1000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x3E20
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x2C8
+    Align:           0x4
+  - Type:            PT_GNU_PROPERTY
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x2010
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x3E10
+Sections:
+  - Name:            .note.gnu.property
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2A8
+    AddressAlign:    0x8
+    Notes:
+      - Name:            GNU
+        Desc:            020000C0040000000300000000000000
+        Type:            NT_GNU_PROPERTY_TYPE_0
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            6337F7C1BF21A1DE17630C55602EB4CAC50435BB
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x6
+      Shift2:          0x6
+    BloomFilter:     [ 0x400000100000 ]
+    HashBuckets:     [ 0x6, 0x0 ]
+    HashValues:      [ 0x7C9DCB95 ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x318
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x3C0
+    AddressAlign:    0x1
+  - Name:            .gnu.version
+    Type:            SHT_GNU_versym
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x436
+    Link:            .dynsym
+    AddressAlign:    0x2
+    Entries:         [ 0, 1, 2, 1, 1, 2, 1 ]
+  - Name:            .gnu.version_r
+    Type:            SHT_GNU_verneed
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x448
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Dependencies:
+      - Version:         1
+        File:            libc.so.6
+        Entries:
+          - Name:            GLIBC_2.2.5
+            Hash:            157882997
+            Flags:           0
+            Other:           2
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x468
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x3E10
+        Type:            R_X86_64_RELATIVE
+        Addend:          4368
+      - Offset:          0x3E18
+        Type:            R_X86_64_RELATIVE
+        Addend:          4304
+      - Offset:          0x4020
+        Type:            R_X86_64_RELATIVE
+        Addend:          16416
+      - Offset:          0x3FE0
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FE8
+        Symbol:          __gmon_start__
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF8
+        Symbol:          __cxa_finalize
+        Type:            R_X86_64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x510
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x4018
+        Symbol:          puts
+        Type:            R_X86_64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1000
+    AddressAlign:    0x4
+    Offset:          0x1000
+    Content:         F30F1EFA4883EC08488B05D92F00004885C07402FFD04883C408C3
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1020
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         FF35E22F0000F2FF25E32F00000F1F00F30F1EFA6800000000F2E9E1FFFFFF90
+  - Name:            .plt.got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1040
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF25AD2F00000F1F440000
+  - Name:            .plt.sec
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1050
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF25BD2F00000F1F440000
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1060
+    AddressAlign:    0x10
+    Content:         488D3DC12F0000488D05BA2F00004839F87415488B05662F00004885C07409FFE00F1F8000000000C30F1F8000000000488D3D912F0000488D358A2F00004829FE4889F048C1EE3F48C1F8034801C648D1FE7414488B05352F00004885C07408FFE0660F1F440000C30F1F8000000000F30F1EFA803D4D2F000000752B5548833D122F0000004889E5740C488B3D2E2F0000E849FFFFFFE864FFFFFFC605252F0000015DC30F1F00C30F1F8000000000F30F1EFAE977FFFFFFF30F1EFA554889E5488D05D80E00004889C7E820FFFFFF905DC3
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1134
+    AddressAlign:    0x4
+    Content:         F30F1EFA4883EC084883C408C3
+  - Name:            .rodata
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2000
+    AddressAlign:    0x1
+    Offset:          0x2000
+    Content:         48656C6C6F2066726F6D204200
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2010
+    AddressAlign:    0x4
+    Content:         011B033B2C0000000400000010F0FFFF4800000030F0FFFF7000000040F0FFFF8800000009F1FFFFA0000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2040
+    AddressAlign:    0x8
+    Content:         1400000000000000017A5200017810011B0C070890010000240000001C000000C0EFFFFF20000000000E10460E184A0F0B770880003F1A3A2A332422000000001400000044000000B8EFFFFF100000000000000000000000140000005C000000B0EFFFFF1000000000000000000000001C0000007400000061F0FFFF1A00000000450E108602430D06510C070800000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E10
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0x2E10
+    Content:         '1011000000000000'
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E18
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         D010000000000000
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E20
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x5F
+      - Tag:             DT_INIT
+        Value:           0x1000
+      - Tag:             DT_FINI
+        Value:           0x1134
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x3E10
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x3E18
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x2F0
+      - Tag:             DT_STRTAB
+        Value:           0x3C0
+      - Tag:             DT_SYMTAB
+        Value:           0x318
+      - Tag:             DT_STRSZ
+        Value:           0x75
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x4000
+      - Tag:             DT_PLTRELSZ
+        Value:           0x18
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x510
+      - Tag:             DT_RELA
+        Value:           0x468
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_VERNEED
+        Value:           0x448
+      - Tag:             DT_VERNEEDNUM
+        Value:           0x1
+      - Tag:             DT_VERSYM
+        Value:           0x436
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3FE0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '0000000000000000000000000000000000000000000000000000000000000000'
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4000
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '203E000000000000000000000000000000000000000000003010000000000000'
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4020
+    AddressAlign:    0x8
+    Content:         '2040000000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4028
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E30342E32292031312E342E3000
+Symbols:
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1060
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1090
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x10D0
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x4028
+    Size:            0x1
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x3E18
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1110
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x3E10
+  - Name:            libB.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x20D0
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x1134
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4020
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Section:         .dynamic
+    Value:           0x3E20
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x2010
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4028
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Section:         .got.plt
+    Value:           0x4000
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x1000
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            'puts at GLIBC_2.2.5'
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            sayB
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x1119
+    Size:            0x1A
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            '__cxa_finalize at GLIBC_2.2.5'
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            puts
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            __cxa_finalize
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            sayB
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x1119
+    Size:            0x1A
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_macho.yaml
similarity index 100%
rename from llvm/unittests/ExecutionEngine/Orc/Inputs/B/B.yaml
rename to llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_macho.yaml
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_linux.yaml
new file mode 100644
index 0000000000000..04be5b0fced6f
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_linux.yaml
@@ -0,0 +1,999 @@
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_AARCH64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .eh_frame
+    Align:           0x10000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x10DE0
+    Align:           0x10000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x10DF0
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x1C8
+    Align:           0x4
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x6EC
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x10DE0
+Sections:
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            CE6688FAF21CE0B5FDBC6A7817028D18B44A4B79
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0xB
+      Shift2:          0x6
+    BloomFilter:     [ 0x400000200000 ]
+    HashBuckets:     [ 0x0, 0xB ]
+    HashValues:      [ 0x7C9DCB95 ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x218
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x338
+    AddressAlign:    0x1
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x400
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x10DE0
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1712
+      - Offset:          0x10DE8
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1632
+      - Offset:          0x11030
+        Type:            R_AARCH64_RELATIVE
+        Addend:          69680
+      - Offset:          0x10FC8
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD8
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FE0
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x4A8
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x11000
+        Symbol:          sayD
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11008
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11010
+        Symbol:          sayA
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11018
+        Symbol:          sayB
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11020
+        Symbol:          sayZ
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11028
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x538
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD03009123000094FD7BC1A8C0035FD6
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x550
+    AddressAlign:    0x10
+    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6900000B0110E40F91062009120021FD6900000B0111240F91082009120021FD6900000B0111640F910A2009120021FD6
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x5D0
+    AddressAlign:    0x10
+    Content:         8000009000F047F9400000B4F9FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000E00091810000B021E000913F0000EBC00000548100009021EC47F9610000B4F00301AA00021FD6C0035FD6800000B000E00091810000B021E00091210000CB22FC7FD3410C818B21FC4193C10000B48200009042E847F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060E24039400100358000009000E447F9800000B4800000B0001840F9BDFFFF97D8FFFF972000805260E20039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD030091B5FFFF97B8FFFF97ABFFFF97BAFFFF971F2003D5FD7BC1A8C0035FD6
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x6D8
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x6EC
+    AddressAlign:    0x4
+    Content:         011B033B300000000500000004FFFFFF4800000034FFFFFF5C00000074FFFFFF70000000C4FFFFFF94000000C8FFFFFFAC000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x720
+    AddressAlign:    0x8
+    Content:         1000000000000000017A520004781E011B0C1F001000000018000000B4FEFFFF3000000000000000100000002C000000D0FEFFFF3C000000000000002000000040000000FCFEFFFF4800000000410E209D049E034293024EDEDDD30E00000000140000006400000028FFFFFF0400000000000000000000001C0000007C00000014FFFFFF2400000000410E109D029E0147DEDD0E0000000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DE0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0xDE0
+    Content:         B006000000000000
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DE8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '6006000000000000'
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DF0
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x6E
+      - Tag:             DT_NEEDED
+        Value:           0x76
+      - Tag:             DT_NEEDED
+        Value:           0x7E
+      - Tag:             DT_NEEDED
+        Value:           0x86
+      - Tag:             DT_RUNPATH
+        Value:           0x8E
+      - Tag:             DT_INIT
+        Value:           0x538
+      - Tag:             DT_FINI
+        Value:           0x6D8
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x10DE0
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x10DE8
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x1F0
+      - Tag:             DT_STRTAB
+        Value:           0x338
+      - Tag:             DT_SYMTAB
+        Value:           0x218
+      - Tag:             DT_STRSZ
+        Value:           0xC2
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x10FE8
+      - Tag:             DT_PLTRELSZ
+        Value:           0x90
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x4A8
+      - Tag:             DT_RELA
+        Value:           0x400
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FC0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         F00D0100000000000000000000000000000000000000000000000000000000000000000000000000
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FE8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '000000000000000000000000000000000000000000000000500500000000000050050000000000005005000000000000500500000000000050050000000000005005000000000000'
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11030
+    AddressAlign:    0x8
+    Content:         '3010010000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11038
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
+Symbols:
+  - Name:            .note.gnu.build-id
+    Type:            STT_SECTION
+    Section:         .note.gnu.build-id
+    Value:           0x1C8
+  - Name:            .gnu.hash
+    Type:            STT_SECTION
+    Section:         .gnu.hash
+    Value:           0x1F0
+  - Name:            .dynsym
+    Type:            STT_SECTION
+    Section:         .dynsym
+    Value:           0x218
+  - Name:            .dynstr
+    Type:            STT_SECTION
+    Section:         .dynstr
+    Value:           0x338
+  - Name:            .rela.dyn
+    Type:            STT_SECTION
+    Section:         .rela.dyn
+    Value:           0x400
+  - Name:            .rela.plt
+    Type:            STT_SECTION
+    Section:         .rela.plt
+    Value:           0x4A8
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x538
+  - Name:            .plt
+    Type:            STT_SECTION
+    Section:         .plt
+    Value:           0x550
+  - Name:            .text
+    Type:            STT_SECTION
+    Section:         .text
+    Value:           0x5D0
+  - Name:            .fini
+    Type:            STT_SECTION
+    Section:         .fini
+    Value:           0x6D8
+  - Name:            .eh_frame_hdr
+    Type:            STT_SECTION
+    Section:         .eh_frame_hdr
+    Value:           0x6EC
+  - Name:            .eh_frame
+    Type:            STT_SECTION
+    Section:         .eh_frame
+    Value:           0x720
+  - Name:            .init_array
+    Type:            STT_SECTION
+    Section:         .init_array
+    Value:           0x10DE0
+  - Name:            .fini_array
+    Type:            STT_SECTION
+    Section:         .fini_array
+    Value:           0x10DE8
+  - Name:            .dynamic
+    Type:            STT_SECTION
+    Section:         .dynamic
+    Value:           0x10DF0
+  - Name:            .got
+    Type:            STT_SECTION
+    Section:         .got
+    Value:           0x10FC0
+  - Name:            .got.plt
+    Type:            STT_SECTION
+    Section:         .got.plt
+    Value:           0x10FE8
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11030
+  - Name:            .bss
+    Type:            STT_SECTION
+    Section:         .bss
+    Value:           0x11038
+  - Name:            .comment
+    Type:            STT_SECTION
+    Section:         .comment
+  - Name:            crti.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x'
+    Section:         .text
+    Value:           0x5D0
+  - Name:            call_weak_fn
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x5D0
+    Size:            0x14
+  - Name:            '$x (1)'
+    Section:         .init
+    Value:           0x538
+  - Name:            '$x (2)'
+    Section:         .fini
+    Value:           0x6D8
+  - Name:            crtn.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (3)'
+    Section:         .init
+    Value:           0x548
+  - Name:            '$x (4)'
+    Section:         .fini
+    Value:           0x6E4
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (5)'
+    Section:         .text
+    Value:           0x5F0
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x5F0
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x620
+  - Name:            '$d'
+    Section:         .data
+    Value:           0x11030
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x660
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x11038
+    Size:            0x1
+  - Name:            '$d (1)'
+    Section:         .fini_array
+    Value:           0x10DE8
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x10DE8
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x6B0
+  - Name:            '$d (2)'
+    Section:         .init_array
+    Value:           0x10DE0
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x10DE0
+  - Name:            '$d (3)'
+    Section:         .eh_frame
+    Value:           0x734
+  - Name:            '$d (4)'
+    Section:         .bss
+    Value:           0x11038
+  - Name:            libC.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (6)'
+    Section:         .text
+    Value:           0x6B4
+  - Name:            '$d (5)'
+    Section:         .eh_frame
+    Value:           0x798
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$d (6)'
+    Section:         .eh_frame
+    Value:           0x7B8
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x7B8
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10DF0
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11038
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11030
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x538
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x6EC
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x6D8
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10FC0
+  - Name:            '$x (7)'
+    Section:         .plt
+    Value:           0x550
+  - Name:            sayD
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __cxa_finalize
+    Binding:         STB_WEAK
+  - Name:            sayC
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x6B4
+    Size:            0x24
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayB
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayZ
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x538
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11030
+  - Name:            sayD
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __cxa_finalize
+    Binding:         STB_WEAK
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayB
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayZ
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            sayC
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x6B4
+    Size:            0x24
+...
+
+
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_X86_64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .rela.plt
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .init
+    LastSec:         .fini
+    VAddr:           0x1000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame
+    VAddr:           0x2000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x3E00
+    Align:           0x1000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x3E10
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x2C8
+    Align:           0x4
+  - Type:            PT_GNU_PROPERTY
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x2000
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x3E00
+Sections:
+  - Name:            .note.gnu.property
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2A8
+    AddressAlign:    0x8
+    Notes:
+      - Name:            GNU
+        Desc:            020000C0040000000300000000000000
+        Type:            NT_GNU_PROPERTY_TYPE_0
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            C5C3C9594A5D3556DC54D70850C6DBC316710857
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x9
+      Shift2:          0x6
+    BloomFilter:     [ 0x400000200000 ]
+    HashBuckets:     [ 0x0, 0x9 ]
+    HashValues:      [ 0x7C9DCB95 ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x318
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x408
+    AddressAlign:    0x1
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x4D0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x3E00
+        Type:            R_X86_64_RELATIVE
+        Addend:          4464
+      - Offset:          0x3E08
+        Type:            R_X86_64_RELATIVE
+        Addend:          4400
+      - Offset:          0x4038
+        Type:            R_X86_64_RELATIVE
+        Addend:          16440
+      - Offset:          0x3FE0
+        Symbol:          __cxa_finalize
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FE8
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF0
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF8
+        Symbol:          __gmon_start__
+        Type:            R_X86_64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x578
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x4018
+        Symbol:          sayD
+        Type:            R_X86_64_JUMP_SLOT
+      - Offset:          0x4020
+        Symbol:          sayA
+        Type:            R_X86_64_JUMP_SLOT
+      - Offset:          0x4028
+        Symbol:          sayB
+        Type:            R_X86_64_JUMP_SLOT
+      - Offset:          0x4030
+        Symbol:          sayZ
+        Type:            R_X86_64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1000
+    AddressAlign:    0x4
+    Offset:          0x1000
+    Content:         F30F1EFA4883EC08488B05E92F00004885C07402FFD04883C408C3
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1020
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         FF35E22F0000F2FF25E32F00000F1F00F30F1EFA6800000000F2E9E1FFFFFF90F30F1EFA6801000000F2E9D1FFFFFF90F30F1EFA6802000000F2E9C1FFFFFF90F30F1EFA6803000000F2E9B1FFFFFF90
+  - Name:            .plt.got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1070
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF25652F00000F1F440000
+  - Name:            .plt.sec
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1080
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF258D2F00000F1F440000F30F1EFAF2FF25852F00000F1F440000F30F1EFAF2FF257D2F00000F1F440000F30F1EFAF2FF25752F00000F1F440000
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x10C0
+    AddressAlign:    0x10
+    Content:         488D3D792F0000488D05722F00004839F87415488B05162F00004885C07409FFE00F1F8000000000C30F1F8000000000488D3D492F0000488D35422F00004829FE4889F048C1EE3F48C1F8034801C648D1FE7414488B05CD2E00004885C07408FFE0660F1F440000C30F1F8000000000F30F1EFA803D052F000000752B5548833D9A2E0000004889E5740C488B3DE62E0000E819FFFFFFE864FFFFFFC605DD2E0000015DC30F1F00C30F1F8000000000F30F1EFAE977FFFFFFF30F1EFA554889E5B800000000E805FFFFFFB800000000E80BFFFFFFB800000000E8E1FEFFFFB800000000E807FFFFFF905DC3
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x11AC
+    AddressAlign:    0x4
+    Content:         F30F1EFA4883EC084883C408C3
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2000
+    AddressAlign:    0x4
+    Offset:          0x2000
+    Content:         011B033B2C0000000400000020F0FFFF4800000070F0FFFF7000000080F0FFFF8800000079F1FFFFA0000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2030
+    AddressAlign:    0x8
+    Content:         1400000000000000017A5200017810011B0C070890010000240000001C000000D0EFFFFF50000000000E10460E184A0F0B770880003F1A3A2A332422000000001400000044000000F8EFFFFF100000000000000000000000140000005C000000F0EFFFFF4000000000000000000000001C00000074000000D1F0FFFF3300000000450E108602430D066A0C070800000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E00
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0x2E00
+    Content:         '7011000000000000'
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E08
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '3011000000000000'
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E10
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x6E
+      - Tag:             DT_NEEDED
+        Value:           0x76
+      - Tag:             DT_NEEDED
+        Value:           0x7E
+      - Tag:             DT_NEEDED
+        Value:           0x86
+      - Tag:             DT_RUNPATH
+        Value:           0x8E
+      - Tag:             DT_INIT
+        Value:           0x1000
+      - Tag:             DT_FINI
+        Value:           0x11AC
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x3E00
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x3E08
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x2F0
+      - Tag:             DT_STRTAB
+        Value:           0x408
+      - Tag:             DT_SYMTAB
+        Value:           0x318
+      - Tag:             DT_STRSZ
+        Value:           0xC2
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x4000
+      - Tag:             DT_PLTRELSZ
+        Value:           0x60
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x578
+      - Tag:             DT_RELA
+        Value:           0x4D0
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3FE0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '0000000000000000000000000000000000000000000000000000000000000000'
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4000
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '103E000000000000000000000000000000000000000000003010000000000000401000000000000050100000000000006010000000000000'
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4038
+    AddressAlign:    0x8
+    Content:         '3840000000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4040
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E30342E32292031312E342E3000
+Symbols:
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x10C0
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x10F0
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1130
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x4040
+    Size:            0x1
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x3E08
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1170
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x3E00
+  - Name:            libC.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x20C0
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Section:         .dynamic
+    Value:           0x3E10
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4040
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4038
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x1000
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x2000
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x11AC
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Section:         .got.plt
+    Value:           0x4000
+  - Name:            sayD
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __cxa_finalize
+    Binding:         STB_WEAK
+  - Name:            sayC
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x1179
+    Size:            0x33
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayB
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayZ
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            sayD
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __cxa_finalize
+    Binding:         STB_WEAK
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayB
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayZ
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            sayC
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x1179
+    Size:            0x33
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_macho.yaml
similarity index 97%
rename from llvm/unittests/ExecutionEngine/Orc/Inputs/C/C.yaml
rename to llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_macho.yaml
index 07e4738165a20..f6ad08190e6d5 100644
--- a/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C.yaml
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_macho.yaml
@@ -124,7 +124,7 @@ Slices:
           timestamp:       1
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/C.dylib'
+        Content:         '@rpath/libC.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_DYLD_CHAINED_FIXUPS
         cmdsize:         16
@@ -182,7 +182,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/A.dylib'
+        Content:         '@rpath/libA.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -191,7 +191,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/B.dylib'
+        Content:         '@rpath/libB.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -200,7 +200,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/D.dylib'
+        Content:         '@rpath/libD.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -209,7 +209,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/Z.dylib'
+        Content:         '@rpath/libZ.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         56
@@ -419,7 +419,7 @@ Slices:
           timestamp:       1
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/C.dylib'
+        Content:         '@rpath/libC.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_DYLD_CHAINED_FIXUPS
         cmdsize:         16
@@ -477,7 +477,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/A.dylib'
+        Content:         '@rpath/libA.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -486,7 +486,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/B.dylib'
+        Content:         '@rpath/libB.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -495,7 +495,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/D.dylib'
+        Content:         '@rpath/libD.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -504,7 +504,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/Z.dylib'
+        Content:         '@rpath/libZ.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         56
@@ -718,7 +718,7 @@ Slices:
           timestamp:       1
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/C.dylib'
+        Content:         '@rpath/libC.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_DYLD_CHAINED_FIXUPS
         cmdsize:         16
@@ -776,7 +776,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/A.dylib'
+        Content:         '@rpath/libA.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -785,7 +785,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/B.dylib'
+        Content:         '@rpath/libB.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -794,7 +794,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/D.dylib'
+        Content:         '@rpath/libD.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         48
@@ -803,7 +803,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/Z.dylib'
+        Content:         '@rpath/libZ.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         56
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_linux.yaml
new file mode 100644
index 0000000000000..1ddd59fb8d889
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_linux.yaml
@@ -0,0 +1,1050 @@
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_AARCH64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .eh_frame
+    Align:           0x10000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x10DD0
+    Align:           0x10000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x10DE0
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x1C8
+    Align:           0x4
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x690
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x10DD0
+Sections:
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            1A4D03066AFB2AAEDB8EE49AFE1837FB696B898B
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x9
+      Shift2:          0x6
+    BloomFilter:     [ 0x400000400000 ]
+    HashBuckets:     [ 0x9, 0x0 ]
+    HashValues:      [ 0x7C9DCB97 ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x218
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x308
+    AddressAlign:    0x1
+  - Name:            .gnu.version
+    Type:            SHT_GNU_versym
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x396
+    Link:            .dynsym
+    AddressAlign:    0x2
+    Entries:         [ 0, 0, 0, 1, 2, 1, 1, 2, 1, 1 ]
+  - Name:            .gnu.version_r
+    Type:            SHT_GNU_verneed
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x3B0
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Dependencies:
+      - Version:         1
+        File:            libc.so.6
+        Entries:
+          - Name:            GLIBC_2.17
+            Hash:            110530967
+            Flags:           0
+            Other:           2
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x3D0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x10DD0
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1584
+      - Offset:          0x10DD8
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1504
+      - Offset:          0x11020
+        Type:            R_AARCH64_RELATIVE
+        Addend:          69664
+      - Offset:          0x10FC8
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD0
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD8
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FE0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x478
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x11000
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11008
+        Symbol:          sayA
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11010
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11018
+        Symbol:          puts
+        Type:            R_AARCH64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x4D8
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD0300911B000094FD7BC1A8C0035FD6
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x4F0
+    AddressAlign:    0x10
+    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6900000B0110E40F91062009120021FD6
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x550
+    AddressAlign:    0x10
+    Content:         8000009000EC47F9400000B4F5FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000A00091810000B021A000913F0000EBC00000548100009021E447F9610000B4F00301AA00021FD6C0035FD6800000B000A00091810000B021A00091210000CB22FC7FD3410C818B21FC4193C10000B48200009042F047F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060A24039400100358000009000E847F9800000B4800000B0001040F9C1FFFF97D8FFFF972000805260A20039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD030091B9FFFF971F2003D5FD7BC1A8C0035FD6FD7BBFA9FD0300910000009000001A91B9FFFF971F2003D5FD7BC1A8C0035FD6
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x66C
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
+  - Name:            .rodata
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x680
+    AddressAlign:    0x8
+    Content:         48656C6C6F2066726F6D20442100
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x690
+    AddressAlign:    0x4
+    Content:         011B033B3C00000006000000E0FEFFFF5400000010FFFFFF6800000050FFFFFF7C000000A0FFFFFFA0000000A4FFFFFFB8000000BCFFFFFFD8000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x6D0
+    AddressAlign:    0x8
+    Content:         1000000000000000017A520004781E011B0C1F00100000001800000084FEFFFF3000000000000000100000002C000000A0FEFFFF3C000000000000002000000040000000CCFEFFFF4800000000410E209D049E034293024EDEDDD30E000000001400000064000000F8FEFFFF0400000000000000000000001C0000007C000000E4FEFFFF1800000000410E109D029E0144DEDD0E000000001C0000009C000000DCFEFFFF2000000000410E109D029E0146DEDD0E0000000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DD0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0xDD0
+    Content:         '3006000000000000'
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DD8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         E005000000000000
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DE0
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x64
+      - Tag:             DT_NEEDED
+        Value:           0x6C
+      - Tag:             DT_RUNPATH
+        Value:           0x81
+      - Tag:             DT_INIT
+        Value:           0x4D8
+      - Tag:             DT_FINI
+        Value:           0x66C
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x10DD0
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x10DD8
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x1F0
+      - Tag:             DT_STRTAB
+        Value:           0x308
+      - Tag:             DT_SYMTAB
+        Value:           0x218
+      - Tag:             DT_STRSZ
+        Value:           0x8E
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x10FE8
+      - Tag:             DT_PLTRELSZ
+        Value:           0x60
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x478
+      - Tag:             DT_RELA
+        Value:           0x3D0
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_VERNEED
+        Value:           0x3B0
+      - Tag:             DT_VERNEEDNUM
+        Value:           0x1
+      - Tag:             DT_VERSYM
+        Value:           0x396
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FC0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         E00D0100000000000000000000000000000000000000000000000000000000000000000000000000
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FE8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         000000000000000000000000000000000000000000000000F004000000000000F004000000000000F004000000000000F004000000000000
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11020
+    AddressAlign:    0x8
+    Content:         '2010010000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11028
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
+Symbols:
+  - Name:            .note.gnu.build-id
+    Type:            STT_SECTION
+    Section:         .note.gnu.build-id
+    Value:           0x1C8
+  - Name:            .gnu.hash
+    Type:            STT_SECTION
+    Section:         .gnu.hash
+    Value:           0x1F0
+  - Name:            .dynsym
+    Type:            STT_SECTION
+    Section:         .dynsym
+    Value:           0x218
+  - Name:            .dynstr
+    Type:            STT_SECTION
+    Section:         .dynstr
+    Value:           0x308
+  - Name:            .gnu.version
+    Type:            STT_SECTION
+    Section:         .gnu.version
+    Value:           0x396
+  - Name:            .gnu.version_r
+    Type:            STT_SECTION
+    Section:         .gnu.version_r
+    Value:           0x3B0
+  - Name:            .rela.dyn
+    Type:            STT_SECTION
+    Section:         .rela.dyn
+    Value:           0x3D0
+  - Name:            .rela.plt
+    Type:            STT_SECTION
+    Section:         .rela.plt
+    Value:           0x478
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x4D8
+  - Name:            .plt
+    Type:            STT_SECTION
+    Section:         .plt
+    Value:           0x4F0
+  - Name:            .text
+    Type:            STT_SECTION
+    Section:         .text
+    Value:           0x550
+  - Name:            .fini
+    Type:            STT_SECTION
+    Section:         .fini
+    Value:           0x66C
+  - Name:            .rodata
+    Type:            STT_SECTION
+    Section:         .rodata
+    Value:           0x680
+  - Name:            .eh_frame_hdr
+    Type:            STT_SECTION
+    Section:         .eh_frame_hdr
+    Value:           0x690
+  - Name:            .eh_frame
+    Type:            STT_SECTION
+    Section:         .eh_frame
+    Value:           0x6D0
+  - Name:            .init_array
+    Type:            STT_SECTION
+    Section:         .init_array
+    Value:           0x10DD0
+  - Name:            .fini_array
+    Type:            STT_SECTION
+    Section:         .fini_array
+    Value:           0x10DD8
+  - Name:            .dynamic
+    Type:            STT_SECTION
+    Section:         .dynamic
+    Value:           0x10DE0
+  - Name:            .got
+    Type:            STT_SECTION
+    Section:         .got
+    Value:           0x10FC0
+  - Name:            .got.plt
+    Type:            STT_SECTION
+    Section:         .got.plt
+    Value:           0x10FE8
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11020
+  - Name:            .bss
+    Type:            STT_SECTION
+    Section:         .bss
+    Value:           0x11028
+  - Name:            .comment
+    Type:            STT_SECTION
+    Section:         .comment
+  - Name:            crti.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x'
+    Section:         .text
+    Value:           0x550
+  - Name:            call_weak_fn
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x550
+    Size:            0x14
+  - Name:            '$x (1)'
+    Section:         .init
+    Value:           0x4D8
+  - Name:            '$x (2)'
+    Section:         .fini
+    Value:           0x66C
+  - Name:            crtn.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (3)'
+    Section:         .init
+    Value:           0x4E8
+  - Name:            '$x (4)'
+    Section:         .fini
+    Value:           0x678
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (5)'
+    Section:         .text
+    Value:           0x570
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x570
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x5A0
+  - Name:            '$d'
+    Section:         .data
+    Value:           0x11020
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x5E0
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x11028
+    Size:            0x1
+  - Name:            '$d (1)'
+    Section:         .fini_array
+    Value:           0x10DD8
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x10DD8
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x630
+  - Name:            '$d (2)'
+    Section:         .init_array
+    Value:           0x10DD0
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x10DD0
+  - Name:            '$d (3)'
+    Section:         .eh_frame
+    Value:           0x6E4
+  - Name:            '$d (4)'
+    Section:         .bss
+    Value:           0x11028
+  - Name:            libD.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (6)'
+    Section:         .text
+    Value:           0x634
+  - Name:            keepSayA
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x634
+    Size:            0x18
+  - Name:            '$d (5)'
+    Section:         .rodata
+    Value:           0x680
+  - Name:            '$d (6)'
+    Section:         .eh_frame
+    Value:           0x748
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$d (7)'
+    Section:         .eh_frame
+    Value:           0x788
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x788
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x66C
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11020
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10DE0
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x690
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11028
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10FC0
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x4D8
+  - Name:            '$x (7)'
+    Section:         .plt
+    Value:           0x4F0
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            '__cxa_finalize at GLIBC_2.17'
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            'puts at GLIBC_2.17'
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayD
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x64C
+    Size:            0x20
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x4D8
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11020
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            __cxa_finalize
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            sayA
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            puts
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            sayD
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x64C
+    Size:            0x20
+...
+
+
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_X86_64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .rela.plt
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .init
+    LastSec:         .fini
+    VAddr:           0x1000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .rodata
+    LastSec:         .eh_frame
+    VAddr:           0x2000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x3DF0
+    Align:           0x1000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x3E00
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x2C8
+    Align:           0x4
+  - Type:            PT_GNU_PROPERTY
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x2010
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x3DF0
+Sections:
+  - Name:            .note.gnu.property
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2A8
+    AddressAlign:    0x8
+    Notes:
+      - Name:            GNU
+        Desc:            020000C0040000000300000000000000
+        Type:            NT_GNU_PROPERTY_TYPE_0
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            6A0CC906C743C23E1400FDD239CF755466AB3E7B
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x7
+      Shift2:          0x6
+    BloomFilter:     [ 0x400000400000 ]
+    HashBuckets:     [ 0x7, 0x0 ]
+    HashValues:      [ 0x7C9DCB97 ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x318
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x3D8
+    AddressAlign:    0x1
+  - Name:            .gnu.version
+    Type:            SHT_GNU_versym
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x468
+    Link:            .dynsym
+    AddressAlign:    0x2
+    Entries:         [ 0, 1, 2, 1, 1, 1, 2, 1 ]
+  - Name:            .gnu.version_r
+    Type:            SHT_GNU_verneed
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x478
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Dependencies:
+      - Version:         1
+        File:            libc.so.6
+        Entries:
+          - Name:            GLIBC_2.2.5
+            Hash:            157882997
+            Flags:           0
+            Other:           2
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x498
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x3DF0
+        Type:            R_X86_64_RELATIVE
+        Addend:          4400
+      - Offset:          0x3DF8
+        Type:            R_X86_64_RELATIVE
+        Addend:          4336
+      - Offset:          0x4028
+        Type:            R_X86_64_RELATIVE
+        Addend:          16424
+      - Offset:          0x3FE0
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FE8
+        Symbol:          __gmon_start__
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF8
+        Symbol:          __cxa_finalize
+        Type:            R_X86_64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x540
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x4018
+        Symbol:          puts
+        Type:            R_X86_64_JUMP_SLOT
+      - Offset:          0x4020
+        Symbol:          sayA
+        Type:            R_X86_64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1000
+    AddressAlign:    0x4
+    Offset:          0x1000
+    Content:         F30F1EFA4883EC08488B05D92F00004885C07402FFD04883C408C3
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1020
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         FF35E22F0000F2FF25E32F00000F1F00F30F1EFA6800000000F2E9E1FFFFFF90F30F1EFA6801000000F2E9D1FFFFFF90
+  - Name:            .plt.got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1050
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF259D2F00000F1F440000
+  - Name:            .plt.sec
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1060
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF25AD2F00000F1F440000F30F1EFAF2FF25A52F00000F1F440000
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1080
+    AddressAlign:    0x10
+    Content:         488D3DA92F0000488D05A22F00004839F87415488B05462F00004885C07409FFE00F1F8000000000C30F1F8000000000488D3D792F0000488D35722F00004829FE4889F048C1EE3F48C1F8034801C648D1FE7414488B05152F00004885C07408FFE0660F1F440000C30F1F8000000000F30F1EFA803D352F000000752B5548833DF22E0000004889E5740C488B3D162F0000E839FFFFFFE864FFFFFFC6050D2F0000015DC30F1F00C30F1F8000000000F30F1EFAE977FFFFFFF30F1EFA554889E5B800000000E825FFFFFF905DC3F30F1EFA554889E5488D05A30E00004889C7E8FBFEFFFF905DC3
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1168
+    AddressAlign:    0x4
+    Content:         F30F1EFA4883EC084883C408C3
+  - Name:            .rodata
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2000
+    AddressAlign:    0x1
+    Offset:          0x2000
+    Content:         48656C6C6F2066726F6D20442100
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2010
+    AddressAlign:    0x4
+    Content:         011B033B340000000500000010F0FFFF5000000040F0FFFF7800000050F0FFFF9000000029F1FFFFA80000003EF1FFFFC8000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2048
+    AddressAlign:    0x8
+    Content:         1400000000000000017A5200017810011B0C070890010000240000001C000000B8EFFFFF30000000000E10460E184A0F0B770880003F1A3A2A332422000000001400000044000000C0EFFFFF100000000000000000000000140000005C000000B8EFFFFF2000000000000000000000001C0000007400000079F0FFFF1500000000450E108602430D064C0C07080000001C000000940000006EF0FFFF1A00000000450E108602430D06510C070800000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3DF0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0x2DF0
+    Content:         '3011000000000000'
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3DF8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         F010000000000000
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E00
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x64
+      - Tag:             DT_NEEDED
+        Value:           0x6C
+      - Tag:             DT_RUNPATH
+        Value:           0x82
+      - Tag:             DT_INIT
+        Value:           0x1000
+      - Tag:             DT_FINI
+        Value:           0x1168
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x3DF0
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x3DF8
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x2F0
+      - Tag:             DT_STRTAB
+        Value:           0x3D8
+      - Tag:             DT_SYMTAB
+        Value:           0x318
+      - Tag:             DT_STRSZ
+        Value:           0x8F
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x4000
+      - Tag:             DT_PLTRELSZ
+        Value:           0x30
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x540
+      - Tag:             DT_RELA
+        Value:           0x498
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_VERNEED
+        Value:           0x478
+      - Tag:             DT_VERNEEDNUM
+        Value:           0x1
+      - Tag:             DT_VERSYM
+        Value:           0x468
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3FE0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '0000000000000000000000000000000000000000000000000000000000000000'
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4000
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '003E0000000000000000000000000000000000000000000030100000000000004010000000000000'
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4028
+    AddressAlign:    0x8
+    Content:         '2840000000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4030
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E30342E32292031312E342E3000
+Symbols:
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1080
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x10B0
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x10F0
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x4030
+    Size:            0x1
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x3DF8
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1130
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x3DF0
+  - Name:            libD.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            keepSayA
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1139
+    Size:            0x15
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x20F8
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x1168
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4028
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Section:         .dynamic
+    Value:           0x3E00
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x2010
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4030
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Section:         .got.plt
+    Value:           0x4000
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x1000
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            'puts at GLIBC_2.2.5'
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayA
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            sayD
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x114E
+    Size:            0x1A
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            '__cxa_finalize at GLIBC_2.2.5'
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            puts
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayA
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            __cxa_finalize
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            sayD
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x114E
+    Size:            0x1A
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_macho.yaml
similarity index 98%
rename from llvm/unittests/ExecutionEngine/Orc/Inputs/D/D.yaml
rename to llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_macho.yaml
index 48bbc24bf27f1..1f80c1d21dbd3 100644
--- a/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D.yaml
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_macho.yaml
@@ -137,7 +137,7 @@ Slices:
           timestamp:       1
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/D.dylib'
+        Content:         '@rpath/libD.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_DYLD_CHAINED_FIXUPS
         cmdsize:         16
@@ -195,7 +195,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/A.dylib'
+        Content:         '@rpath/libA.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         56
@@ -394,7 +394,7 @@ Slices:
           timestamp:       1
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/D.dylib'
+        Content:         '@rpath/libD.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_DYLD_CHAINED_FIXUPS
         cmdsize:         16
@@ -452,7 +452,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/A.dylib'
+        Content:         '@rpath/libA.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         56
@@ -655,7 +655,7 @@ Slices:
           timestamp:       1
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/D.dylib'
+        Content:         '@rpath/libD.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_DYLD_CHAINED_FIXUPS
         cmdsize:         16
@@ -713,7 +713,7 @@ Slices:
           timestamp:       2
           current_version: 0
           compatibility_version: 0
-        Content:         '@rpath/A.dylib'
+        Content:         '@rpath/libA.dylib'
         ZeroPadBytes:    7
       - cmd:             LC_LOAD_DYLIB
         cmdsize:         56
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml
new file mode 100644
index 0000000000000..749a401c97903
--- /dev/null
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml
@@ -0,0 +1,1014 @@
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_AARCH64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .eh_frame
+    Align:           0x10000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x10DF0
+    Align:           0x10000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x10E00
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x1C8
+    Align:           0x4
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x618
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x10DF0
+Sections:
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            4108390840935B6D5D2CDEF81948912D458EDEBA
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x1F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x8
+      Shift2:          0x6
+    BloomFilter:     [ 0x500000000000 ]
+    HashBuckets:     [ 0x8, 0x0 ]
+    HashValues:      [ 0x7C9DCBAD ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x218
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2F0
+    AddressAlign:    0x1
+  - Name:            .gnu.version
+    Type:            SHT_GNU_versym
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x364
+    Link:            .dynsym
+    AddressAlign:    0x2
+    Entries:         [ 0, 0, 0, 1, 2, 1, 2, 1, 1 ]
+  - Name:            .gnu.version_r
+    Type:            SHT_GNU_verneed
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x378
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Dependencies:
+      - Version:         1
+        File:            libc.so.6
+        Entries:
+          - Name:            GLIBC_2.17
+            Hash:            110530967
+            Flags:           0
+            Other:           2
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x398
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x10DF0
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1488
+      - Offset:          0x10DF8
+        Type:            R_AARCH64_RELATIVE
+        Addend:          1408
+      - Offset:          0x11018
+        Type:            R_AARCH64_RELATIVE
+        Addend:          69656
+      - Offset:          0x10FC8
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD0
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FD8
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_GLOB_DAT
+      - Offset:          0x10FE0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_AARCH64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x440
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x11000
+        Symbol:          __cxa_finalize
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11008
+        Symbol:          __gmon_start__
+        Type:            R_AARCH64_JUMP_SLOT
+      - Offset:          0x11010
+        Symbol:          puts
+        Type:            R_AARCH64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x488
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD03009117000094FD7BC1A8C0035FD6
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x4A0
+    AddressAlign:    0x10
+    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x4F0
+    AddressAlign:    0x10
+    Content:         8000009000EC47F9400000B4F5FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000800091810000B0218000913F0000EBC00000548100009021E447F9610000B4F00301AA00021FD6C0035FD6800000B000800091810000B021800091210000CB22FC7FD3410C818B21FC4193C10000B48200009042F047F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060824039400100358000009000E847F9800000B4800000B0000C40F9C5FFFF97D8FFFF972000805260820039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD0300910000009000201891BFFFFF971F2003D5FD7BC1A8C0035FD6
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x5F4
+    AddressAlign:    0x4
+    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
+  - Name:            .rodata
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x608
+    AddressAlign:    0x8
+    Content:         48656C6C6F2066726F6D205A00
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x618
+    AddressAlign:    0x4
+    Content:         011B033B3400000005000000F8FEFFFF4C00000028FFFFFF6000000068FFFFFF74000000B8FFFFFF98000000BCFFFFFFB0000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x650
+    AddressAlign:    0x8
+    Content:         1000000000000000017A520004781E011B0C1F001000000018000000A4FEFFFF3000000000000000100000002C000000C0FEFFFF3C000000000000002000000040000000ECFEFFFF4800000000410E209D049E034293024EDEDDD30E00000000140000006400000018FFFFFF0400000000000000000000001C0000007C00000004FFFFFF2000000000410E109D029E0146DEDD0E0000000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DF0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0xDF0
+    Content:         D005000000000000
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10DF8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '8005000000000000'
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10E00
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x5F
+      - Tag:             DT_INIT
+        Value:           0x488
+      - Tag:             DT_FINI
+        Value:           0x5F4
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x10DF0
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x10DF8
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x1F0
+      - Tag:             DT_STRTAB
+        Value:           0x2F0
+      - Tag:             DT_SYMTAB
+        Value:           0x218
+      - Tag:             DT_STRSZ
+        Value:           0x74
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x10FE8
+      - Tag:             DT_PLTRELSZ
+        Value:           0x48
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x440
+      - Tag:             DT_RELA
+        Value:           0x398
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_VERNEED
+        Value:           0x378
+      - Tag:             DT_VERNEEDNUM
+        Value:           0x1
+      - Tag:             DT_VERSYM
+        Value:           0x364
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FC0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '000E0100000000000000000000000000000000000000000000000000000000000000000000000000'
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x10FE8
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         000000000000000000000000000000000000000000000000A004000000000000A004000000000000A004000000000000
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11018
+    AddressAlign:    0x8
+    Content:         '1810010000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x11020
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
+Symbols:
+  - Name:            .note.gnu.build-id
+    Type:            STT_SECTION
+    Section:         .note.gnu.build-id
+    Value:           0x1C8
+  - Name:            .gnu.hash
+    Type:            STT_SECTION
+    Section:         .gnu.hash
+    Value:           0x1F0
+  - Name:            .dynsym
+    Type:            STT_SECTION
+    Section:         .dynsym
+    Value:           0x218
+  - Name:            .dynstr
+    Type:            STT_SECTION
+    Section:         .dynstr
+    Value:           0x2F0
+  - Name:            .gnu.version
+    Type:            STT_SECTION
+    Section:         .gnu.version
+    Value:           0x364
+  - Name:            .gnu.version_r
+    Type:            STT_SECTION
+    Section:         .gnu.version_r
+    Value:           0x378
+  - Name:            .rela.dyn
+    Type:            STT_SECTION
+    Section:         .rela.dyn
+    Value:           0x398
+  - Name:            .rela.plt
+    Type:            STT_SECTION
+    Section:         .rela.plt
+    Value:           0x440
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x488
+  - Name:            .plt
+    Type:            STT_SECTION
+    Section:         .plt
+    Value:           0x4A0
+  - Name:            .text
+    Type:            STT_SECTION
+    Section:         .text
+    Value:           0x4F0
+  - Name:            .fini
+    Type:            STT_SECTION
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            .rodata
+    Type:            STT_SECTION
+    Section:         .rodata
+    Value:           0x608
+  - Name:            .eh_frame_hdr
+    Type:            STT_SECTION
+    Section:         .eh_frame_hdr
+    Value:           0x618
+  - Name:            .eh_frame
+    Type:            STT_SECTION
+    Section:         .eh_frame
+    Value:           0x650
+  - Name:            .init_array
+    Type:            STT_SECTION
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            .fini_array
+    Type:            STT_SECTION
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            .dynamic
+    Type:            STT_SECTION
+    Section:         .dynamic
+    Value:           0x10E00
+  - Name:            .got
+    Type:            STT_SECTION
+    Section:         .got
+    Value:           0x10FC0
+  - Name:            .got.plt
+    Type:            STT_SECTION
+    Section:         .got.plt
+    Value:           0x10FE8
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11018
+  - Name:            .bss
+    Type:            STT_SECTION
+    Section:         .bss
+    Value:           0x11020
+  - Name:            .comment
+    Type:            STT_SECTION
+    Section:         .comment
+  - Name:            crti.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x'
+    Section:         .text
+    Value:           0x4F0
+  - Name:            call_weak_fn
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x4F0
+    Size:            0x14
+  - Name:            '$x (1)'
+    Section:         .init
+    Value:           0x488
+  - Name:            '$x (2)'
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            crtn.o
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (3)'
+    Section:         .init
+    Value:           0x498
+  - Name:            '$x (4)'
+    Section:         .fini
+    Value:           0x600
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$x (5)'
+    Section:         .text
+    Value:           0x510
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x510
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x540
+  - Name:            '$d'
+    Section:         .data
+    Value:           0x11018
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x580
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x11020
+    Size:            0x1
+  - Name:            '$d (1)'
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x10DF8
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x5D0
+  - Name:            '$d (2)'
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x10DF0
+  - Name:            '$d (3)'
+    Section:         .eh_frame
+    Value:           0x664
+  - Name:            '$d (4)'
+    Section:         .bss
+    Value:           0x11020
+  - Name:            libZ.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$d (5)'
+    Section:         .rodata
+    Value:           0x608
+  - Name:            '$x (6)'
+    Section:         .text
+    Value:           0x5D4
+  - Name:            '$d (6)'
+    Section:         .eh_frame
+    Value:           0x6C8
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            '$d (7)'
+    Section:         .eh_frame
+    Value:           0x6E8
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x6E8
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x5F4
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11018
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10E00
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x618
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x11020
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Index:           SHN_ABS
+    Value:           0x10FC0
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x488
+  - Name:            '$x (7)'
+    Section:         .plt
+    Value:           0x4A0
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            '__cxa_finalize at GLIBC_2.17'
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            'puts at GLIBC_2.17'
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            sayZ
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x5D4
+    Size:            0x20
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            .init
+    Type:            STT_SECTION
+    Section:         .init
+    Value:           0x488
+  - Name:            .data
+    Type:            STT_SECTION
+    Section:         .data
+    Value:           0x11018
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            __cxa_finalize
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            puts
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            sayZ
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x5D4
+    Size:            0x20
+...
+
+
+--- !ELF
+FileHeader:
+  Class:           ELFCLASS64
+  Data:            ELFDATA2LSB
+  Type:            ET_DYN
+  Machine:         EM_X86_64
+ProgramHeaders:
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .rela.plt
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_X, PF_R ]
+    FirstSec:        .init
+    LastSec:         .fini
+    VAddr:           0x1000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_R ]
+    FirstSec:        .rodata
+    LastSec:         .eh_frame
+    VAddr:           0x2000
+    Align:           0x1000
+  - Type:            PT_LOAD
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .bss
+    VAddr:           0x3E10
+    Align:           0x1000
+  - Type:            PT_DYNAMIC
+    Flags:           [ PF_W, PF_R ]
+    FirstSec:        .dynamic
+    LastSec:         .dynamic
+    VAddr:           0x3E20
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_NOTE
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.build-id
+    LastSec:         .note.gnu.build-id
+    VAddr:           0x2C8
+    Align:           0x4
+  - Type:            PT_GNU_PROPERTY
+    Flags:           [ PF_R ]
+    FirstSec:        .note.gnu.property
+    LastSec:         .note.gnu.property
+    VAddr:           0x2A8
+    Align:           0x8
+  - Type:            PT_GNU_EH_FRAME
+    Flags:           [ PF_R ]
+    FirstSec:        .eh_frame_hdr
+    LastSec:         .eh_frame_hdr
+    VAddr:           0x2010
+    Align:           0x4
+  - Type:            PT_GNU_STACK
+    Flags:           [ PF_W, PF_R ]
+    Align:           0x10
+  - Type:            PT_GNU_RELRO
+    Flags:           [ PF_R ]
+    FirstSec:        .init_array
+    LastSec:         .got
+    VAddr:           0x3E10
+Sections:
+  - Name:            .note.gnu.property
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2A8
+    AddressAlign:    0x8
+    Notes:
+      - Name:            GNU
+        Desc:            020000C0040000000300000000000000
+        Type:            NT_GNU_PROPERTY_TYPE_0
+  - Name:            .note.gnu.build-id
+    Type:            SHT_NOTE
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2C8
+    AddressAlign:    0x4
+    Notes:
+      - Name:            GNU
+        Desc:            640A4A3AC0DF6BA3DAC3B51CCD727245117E0B30
+        Type:            NT_PRPSINFO
+  - Name:            .gnu.hash
+    Type:            SHT_GNU_HASH
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2F0
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Header:
+      SymNdx:          0x6
+      Shift2:          0x6
+    BloomFilter:     [ 0x500000000000 ]
+    HashBuckets:     [ 0x6, 0x0 ]
+    HashValues:      [ 0x7C9DCBAD ]
+  - Name:            .dynsym
+    Type:            SHT_DYNSYM
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x318
+    Link:            .dynstr
+    AddressAlign:    0x8
+  - Name:            .dynstr
+    Type:            SHT_STRTAB
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x3C0
+    AddressAlign:    0x1
+  - Name:            .gnu.version
+    Type:            SHT_GNU_versym
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x436
+    Link:            .dynsym
+    AddressAlign:    0x2
+    Entries:         [ 0, 1, 2, 1, 1, 2, 1 ]
+  - Name:            .gnu.version_r
+    Type:            SHT_GNU_verneed
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x448
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Dependencies:
+      - Version:         1
+        File:            libc.so.6
+        Entries:
+          - Name:            GLIBC_2.2.5
+            Hash:            157882997
+            Flags:           0
+            Other:           2
+  - Name:            .rela.dyn
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x468
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Relocations:
+      - Offset:          0x3E10
+        Type:            R_X86_64_RELATIVE
+        Addend:          4368
+      - Offset:          0x3E18
+        Type:            R_X86_64_RELATIVE
+        Addend:          4304
+      - Offset:          0x4020
+        Type:            R_X86_64_RELATIVE
+        Addend:          16416
+      - Offset:          0x3FE0
+        Symbol:          _ITM_deregisterTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FE8
+        Symbol:          __gmon_start__
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF0
+        Symbol:          _ITM_registerTMCloneTable
+        Type:            R_X86_64_GLOB_DAT
+      - Offset:          0x3FF8
+        Symbol:          __cxa_finalize
+        Type:            R_X86_64_GLOB_DAT
+  - Name:            .rela.plt
+    Type:            SHT_RELA
+    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
+    Address:         0x510
+    Link:            .dynsym
+    AddressAlign:    0x8
+    Info:            .got.plt
+    Relocations:
+      - Offset:          0x4018
+        Symbol:          puts
+        Type:            R_X86_64_JUMP_SLOT
+  - Name:            .init
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1000
+    AddressAlign:    0x4
+    Offset:          0x1000
+    Content:         F30F1EFA4883EC08488B05D92F00004885C07402FFD04883C408C3
+  - Name:            .plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1020
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         FF35E22F0000F2FF25E32F00000F1F00F30F1EFA6800000000F2E9E1FFFFFF90
+  - Name:            .plt.got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1040
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF25AD2F00000F1F440000
+  - Name:            .plt.sec
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1050
+    AddressAlign:    0x10
+    EntSize:         0x10
+    Content:         F30F1EFAF2FF25BD2F00000F1F440000
+  - Name:            .text
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1060
+    AddressAlign:    0x10
+    Content:         488D3DC12F0000488D05BA2F00004839F87415488B05662F00004885C07409FFE00F1F8000000000C30F1F8000000000488D3D912F0000488D358A2F00004829FE4889F048C1EE3F48C1F8034801C648D1FE7414488B05352F00004885C07408FFE0660F1F440000C30F1F8000000000F30F1EFA803D4D2F000000752B5548833D122F0000004889E5740C488B3D2E2F0000E849FFFFFFE864FFFFFFC605252F0000015DC30F1F00C30F1F8000000000F30F1EFAE977FFFFFFF30F1EFA554889E5488D05D80E00004889C7E820FFFFFF905DC3
+  - Name:            .fini
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
+    Address:         0x1134
+    AddressAlign:    0x4
+    Content:         F30F1EFA4883EC084883C408C3
+  - Name:            .rodata
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2000
+    AddressAlign:    0x1
+    Offset:          0x2000
+    Content:         48656C6C6F2066726F6D205A00
+  - Name:            .eh_frame_hdr
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2010
+    AddressAlign:    0x4
+    Content:         011B033B2C0000000400000010F0FFFF4800000030F0FFFF7000000040F0FFFF8800000009F1FFFFA0000000
+  - Name:            .eh_frame
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_ALLOC ]
+    Address:         0x2040
+    AddressAlign:    0x8
+    Content:         1400000000000000017A5200017810011B0C070890010000240000001C000000C0EFFFFF20000000000E10460E184A0F0B770880003F1A3A2A332422000000001400000044000000B8EFFFFF100000000000000000000000140000005C000000B0EFFFFF1000000000000000000000001C0000007400000061F0FFFF1A00000000450E108602430D06510C070800000000000000
+  - Name:            .init_array
+    Type:            SHT_INIT_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E10
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Offset:          0x2E10
+    Content:         '1011000000000000'
+  - Name:            .fini_array
+    Type:            SHT_FINI_ARRAY
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E18
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         D010000000000000
+  - Name:            .dynamic
+    Type:            SHT_DYNAMIC
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3E20
+    Link:            .dynstr
+    AddressAlign:    0x8
+    Entries:
+      - Tag:             DT_NEEDED
+        Value:           0x5F
+      - Tag:             DT_INIT
+        Value:           0x1000
+      - Tag:             DT_FINI
+        Value:           0x1134
+      - Tag:             DT_INIT_ARRAY
+        Value:           0x3E10
+      - Tag:             DT_INIT_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_FINI_ARRAY
+        Value:           0x3E18
+      - Tag:             DT_FINI_ARRAYSZ
+        Value:           0x8
+      - Tag:             DT_GNU_HASH
+        Value:           0x2F0
+      - Tag:             DT_STRTAB
+        Value:           0x3C0
+      - Tag:             DT_SYMTAB
+        Value:           0x318
+      - Tag:             DT_STRSZ
+        Value:           0x75
+      - Tag:             DT_SYMENT
+        Value:           0x18
+      - Tag:             DT_PLTGOT
+        Value:           0x4000
+      - Tag:             DT_PLTRELSZ
+        Value:           0x18
+      - Tag:             DT_PLTREL
+        Value:           0x7
+      - Tag:             DT_JMPREL
+        Value:           0x510
+      - Tag:             DT_RELA
+        Value:           0x468
+      - Tag:             DT_RELASZ
+        Value:           0xA8
+      - Tag:             DT_RELAENT
+        Value:           0x18
+      - Tag:             DT_VERNEED
+        Value:           0x448
+      - Tag:             DT_VERNEEDNUM
+        Value:           0x1
+      - Tag:             DT_VERSYM
+        Value:           0x436
+      - Tag:             DT_RELACOUNT
+        Value:           0x3
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+      - Tag:             DT_NULL
+        Value:           0x0
+  - Name:            .got
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x3FE0
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '0000000000000000000000000000000000000000000000000000000000000000'
+  - Name:            .got.plt
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4000
+    AddressAlign:    0x8
+    EntSize:         0x8
+    Content:         '203E000000000000000000000000000000000000000000003010000000000000'
+  - Name:            .data
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4020
+    AddressAlign:    0x8
+    Content:         '2040000000000000'
+  - Name:            .bss
+    Type:            SHT_NOBITS
+    Flags:           [ SHF_WRITE, SHF_ALLOC ]
+    Address:         0x4028
+    AddressAlign:    0x1
+    Size:            0x8
+  - Name:            .comment
+    Type:            SHT_PROGBITS
+    Flags:           [ SHF_MERGE, SHF_STRINGS ]
+    AddressAlign:    0x1
+    EntSize:         0x1
+    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E30342E32292031312E342E3000
+Symbols:
+  - Name:            crtstuff.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            deregister_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1060
+  - Name:            register_tm_clones
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1090
+  - Name:            __do_global_dtors_aux
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x10D0
+  - Name:            completed.0
+    Type:            STT_OBJECT
+    Section:         .bss
+    Value:           0x4028
+    Size:            0x1
+  - Name:            __do_global_dtors_aux_fini_array_entry
+    Type:            STT_OBJECT
+    Section:         .fini_array
+    Value:           0x3E18
+  - Name:            frame_dummy
+    Type:            STT_FUNC
+    Section:         .text
+    Value:           0x1110
+  - Name:            __frame_dummy_init_array_entry
+    Type:            STT_OBJECT
+    Section:         .init_array
+    Value:           0x3E10
+  - Name:            libZ.c
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            'crtstuff.c (1)'
+    Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            __FRAME_END__
+    Type:            STT_OBJECT
+    Section:         .eh_frame
+    Value:           0x20D0
+  - Type:            STT_FILE
+    Index:           SHN_ABS
+  - Name:            _fini
+    Type:            STT_FUNC
+    Section:         .fini
+    Value:           0x1134
+  - Name:            __dso_handle
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4020
+  - Name:            _DYNAMIC
+    Type:            STT_OBJECT
+    Section:         .dynamic
+    Value:           0x3E20
+  - Name:            __GNU_EH_FRAME_HDR
+    Section:         .eh_frame_hdr
+    Value:           0x2010
+  - Name:            __TMC_END__
+    Type:            STT_OBJECT
+    Section:         .data
+    Value:           0x4028
+  - Name:            _GLOBAL_OFFSET_TABLE_
+    Type:            STT_OBJECT
+    Section:         .got.plt
+    Value:           0x4000
+  - Name:            _init
+    Type:            STT_FUNC
+    Section:         .init
+    Value:           0x1000
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            'puts at GLIBC_2.2.5'
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            sayZ
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x1119
+    Size:            0x1A
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            '__cxa_finalize at GLIBC_2.2.5'
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+DynamicSymbols:
+  - Name:            _ITM_deregisterTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            puts
+    Type:            STT_FUNC
+    Binding:         STB_GLOBAL
+  - Name:            __gmon_start__
+    Binding:         STB_WEAK
+  - Name:            _ITM_registerTMCloneTable
+    Binding:         STB_WEAK
+  - Name:            __cxa_finalize
+    Type:            STT_FUNC
+    Binding:         STB_WEAK
+  - Name:            sayZ
+    Type:            STT_FUNC
+    Section:         .text
+    Binding:         STB_GLOBAL
+    Value:           0x1119
+    Size:            0x1A
+...
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_macho.yaml
similarity index 100%
rename from llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z.yaml
rename to llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_macho.yaml
diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index 37a833f36171a..ce5e9386c0f0c 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -29,7 +29,7 @@
 using namespace llvm;
 using namespace llvm::orc;
 
-#if defined(__APPLE__)
+#if defined(__APPLE__) || defined(__linux__)
 namespace {
 
 #if defined(__APPLE__)
@@ -42,21 +42,42 @@ constexpr const char *ext = ".so";
 
 static bool EnvReady = true;
 
-static bool CheckHostSupport() {
+Triple getTargetTriple() {
   auto JTMB = JITTargetMachineBuilder::detectHost();
-  // Bail out if we can not detect the host.
   if (!JTMB) {
     consumeError(JTMB.takeError());
-    return false;
+    return Triple();
   }
+  return JTMB->getTargetTriple();
+}
 
-  auto Triple = JTMB->getTargetTriple();
-  if (!Triple.isOSBinFormatMachO())
+static bool CheckHostSupport() {
+  auto Triple = getTargetTriple();
+  if (!Triple.isOSBinFormatMachO() &&
+      (!Triple.isOSBinFormatELF() || (!Triple.isX86() && !Triple.isAArch64())))
     return false;
 
   return true;
 }
 
+std::string getYamlFilePlatformExt() {
+  auto Triple = getTargetTriple();
+  if (Triple.isOSBinFormatMachO())
+    return "_macho";
+  else if (Triple.isOSBinFormatELF())
+    return "_linux";
+
+  return "";
+}
+
+unsigned getYamlDocNum() {
+  auto Triple = getTargetTriple();
+  if (Triple.isOSBinFormatELF())
+    return Triple.isAArch64() ? 1 : 2;
+
+  return 1;
+}
+
 class LibraryTestEnvironment : public ::testing::Environment {
   std::vector<std::string> createdDylibsDir;
   std::vector<std::string> createdDylibs;
@@ -76,9 +97,9 @@ class LibraryTestEnvironment : public ::testing::Environment {
     sys::path::append(dirPath, filedirpath, indir);
 
     // given yamlPath + dylibPath, validate + convert
-    auto processYamlToDylib =
-        [&](const SmallVector<char, 128> &yamlPath,
-            const SmallVector<char, 128> &dylibPath) -> bool {
+    auto processYamlToDylib = [&](const SmallVector<char, 128> &yamlPath,
+                                  const SmallVector<char, 128> &dylibPath,
+                                  unsigned DocNum) -> bool {
       if (!sys::fs::exists(yamlPath)) {
         errs() << "YAML file missing: "
                << StringRef(yamlPath.data(), yamlPath.size()) << "\n";
@@ -108,10 +129,13 @@ class LibraryTestEnvironment : public ::testing::Environment {
         return false;
       }
 
-      if (!yaml::convertYAML(yin, outFile, [](const Twine &M) {
-            // Handle or ignore errors here
-            errs() << "Yaml Error :" << M << "\n";
-          })) {
+      if (!yaml::convertYAML(
+              yin, outFile,
+              [](const Twine &M) {
+                // Handle or ignore errors here
+                errs() << "Yaml Error :" << M << "\n";
+              },
+              DocNum)) {
         errs() << "Failed to convert "
                << StringRef(yamlPath.data(), yamlPath.size()) << " to "
                << StringRef(dylibPath.data(), dylibPath.size()) << "\n";
@@ -127,37 +151,35 @@ class LibraryTestEnvironment : public ::testing::Environment {
 
     std::vector<const char *> libDirs = {"Z", "A", "B", "C", "D"};
 
+    unsigned DocNum = getYamlDocNum();
+    std::string YamlPltExt = getYamlFilePlatformExt();
     for (const auto &libdirName : libDirs) {
       // YAML path
       SmallVector<char, 128> yamlPath(dirPath.begin(), dirPath.end());
-      sys::path::append(yamlPath, libdirName, libdirName);
+      SmallVector<char, 128> yamlFileName;
+      yamlFileName.append(libdirName, libdirName + strlen(libdirName));
+      yamlFileName.append(YamlPltExt.begin(), YamlPltExt.end());
+      sys::path::append(yamlPath, libdirName, yamlFileName);
       sys::path::replace_extension(yamlPath, ".yaml");
 
       // dylib path
       SmallVector<char, 128> dylibPath(dirPath.begin(), dirPath.end());
-      sys::path::append(dylibPath, libdirName, libdirName);
+      SmallVector<char, 128> dylibFileName;
+      StringRef prefix("lib");
+      dylibFileName.append(prefix.begin(), prefix.end());
+      dylibFileName.append(libdirName, libdirName + strlen(libdirName));
+
+      sys::path::append(dylibPath, libdirName, dylibFileName);
       sys::path::replace_extension(dylibPath, ext);
-      if (!processYamlToDylib(yamlPath, dylibPath))
+      if (!processYamlToDylib(yamlPath, dylibPath, DocNum))
         return;
     }
-
-    std::error_code ec;
-    for (sys::fs::directory_iterator It(dirPath, ec), end; It != end && !ec;
-         It.increment(ec)) {
-      if (sys::path::extension(It->path()) == ".yaml") {
-        SmallVector<char, 128> yamlPath(It->path().begin(), It->path().end());
-        SmallVector<char, 128> dylibPath(It->path().begin(), It->path().end());
-        sys::path::replace_extension(dylibPath, ext);
-        if (!processYamlToDylib(yamlPath, dylibPath))
-          return;
-      }
-    }
   }
 
   void TearDown() override {
-    for (const auto &dylibFile : createdDylibs) {
+    for (const auto &dylibFile : createdDylibs)
       sys::fs::remove(dylibFile);
-    }
+
     createdDylibs.clear();
   }
 
@@ -221,11 +243,11 @@ class LibraryResolverIT : public ::testing::Test {
 
     ASSERT_NE(GlobalEnv, nullptr);
     baseDir = GlobalEnv->getBaseDir();
-    libs["A"] = {libPath(baseDir, "A/A"), {platformSymbolName("sayA")}};
-    libs["B"] = {libPath(baseDir, "B/B"), {platformSymbolName("sayB")}};
-    libs["C"] = {libPath(baseDir, "C/C"), {platformSymbolName("sayC")}};
-    libs["D"] = {libPath(baseDir, "D/D"), {platformSymbolName("sayD")}};
-    libs["Z"] = {libPath(baseDir, "Z/Z"), {platformSymbolName("sayZ")}};
+    libs["A"] = {libPath(baseDir, "A/libA"), {platformSymbolName("sayA")}};
+    libs["B"] = {libPath(baseDir, "B/libB"), {platformSymbolName("sayB")}};
+    libs["C"] = {libPath(baseDir, "C/libC"), {platformSymbolName("sayC")}};
+    libs["D"] = {libPath(baseDir, "D/libD"), {platformSymbolName("sayD")}};
+    libs["Z"] = {libPath(baseDir, "Z/libZ"), {platformSymbolName("sayZ")}};
   }
 
   const std::vector<std::string> &sym(const std::string &key) {
@@ -412,7 +434,7 @@ TEST_F(LibraryResolverIT, DriverResolvesSymbolsToCorrectLibraries) {
     {
       auto lib = query.getResolvedLib(platformSymbolName("sayA"));
       ASSERT_TRUE(lib.has_value()) << "sayA should be resolved";
-      EXPECT_TRUE(endsWith(lib->str(), withext("/A")))
+      EXPECT_TRUE(endsWith(lib->str(), withext("/libA")))
           << "sayA resolved to: " << lib->str();
     }
 
@@ -420,7 +442,7 @@ TEST_F(LibraryResolverIT, DriverResolvesSymbolsToCorrectLibraries) {
     {
       auto lib = query.getResolvedLib(platformSymbolName("sayB"));
       ASSERT_TRUE(lib.has_value()) << "sayB should be resolved";
-      EXPECT_TRUE(endsWith(lib->str(), withext("/B")))
+      EXPECT_TRUE(endsWith(lib->str(), withext("/libB")))
           << "sayB resolved to: " << lib->str();
     }
 
@@ -428,7 +450,7 @@ TEST_F(LibraryResolverIT, DriverResolvesSymbolsToCorrectLibraries) {
     {
       auto lib = query.getResolvedLib(platformSymbolName("sayZ"));
       ASSERT_TRUE(lib.has_value()) << "sayZ should be resolved";
-      EXPECT_TRUE(endsWith(lib->str(), withext("/Z")))
+      EXPECT_TRUE(endsWith(lib->str(), withext("/libZ")))
           << "sayZ resolved to: " << lib->str();
     }
 
@@ -652,7 +674,7 @@ TEST_F(LibraryResolverIT, PathResolverNormalizesDotAndDotDot) {
   std::error_code ec;
 
   // e.g. baseDir + "/./C/../C/C.dylib" → baseDir + "/C.dylib"
-  std::string messy = baseDir + "/C/./../C/./C" + ext;
+  std::string messy = baseDir + "/C/./../C/./libC" + ext;
   auto resolved = presolver->resolve(messy, ec);
   ASSERT_TRUE(resolved.has_value());
   EXPECT_FALSE(ec);
@@ -709,9 +731,14 @@ TEST_F(LibraryResolverIT, LoaderPathSubstitutionAndResolve) {
 
   DylibSubstitutor substitutor;
   substitutor.configure(libdir("C"));
-
+#if defined(__APPLE__)
   // Substitute @loader_path with baseDir
-  std::string substituted = substitutor.substitute(withext("@loader_path/C"));
+  std::string substituted =
+      substitutor.substitute(withext("@loader_path/libC"));
+#elif defined(__linux__)
+  // Substitute $origin with baseDir
+  std::string substituted = substitutor.substitute(withext("$ORIGIN/libC"));
+#endif
   ASSERT_FALSE(substituted.empty());
   EXPECT_EQ(substituted, lib("C"));
 
@@ -738,42 +765,43 @@ TEST_F(LibraryResolverIT, ResolveFromUsrOrSystemPaths) {
   Resolver.configure("", {{P, SearchPathType::UsrOrSys}});
 
   // Check "C"
-  auto valOptC = Resolver.resolve("C", true);
+  auto valOptC = Resolver.resolve("libC", true);
   EXPECT_TRUE(valOptC.has_value());
   EXPECT_EQ(*valOptC, lib("C"));
 
-  auto valOptCdylib = Resolver.resolve(withext("C"));
+  auto valOptCdylib = Resolver.resolve(withext("libC"));
   EXPECT_TRUE(valOptCdylib.has_value());
   EXPECT_EQ(*valOptCdylib, lib("C"));
 
   // Check "A"
-  auto valOptA = Resolver.resolve("A", true);
+  auto valOptA = Resolver.resolve("libA", true);
   EXPECT_TRUE(valOptA.has_value());
   EXPECT_EQ(*valOptA, lib("A"));
 
-  auto valOptAdylib = Resolver.resolve(withext("A"));
+  auto valOptAdylib = Resolver.resolve(withext("libA"));
   EXPECT_TRUE(valOptAdylib.has_value());
   EXPECT_EQ(*valOptAdylib, lib("A"));
 
   // Check "B"
-  auto valOptB = Resolver.resolve("B", true);
+  auto valOptB = Resolver.resolve("libB", true);
   EXPECT_TRUE(valOptB.has_value());
   EXPECT_EQ(*valOptB, lib("B"));
 
-  auto valOptBdylib = Resolver.resolve(withext("B"));
+  auto valOptBdylib = Resolver.resolve(withext("libB"));
   EXPECT_TRUE(valOptBdylib.has_value());
   EXPECT_EQ(*valOptBdylib, lib("B"));
 
   // Check "Z"
-  auto valOptZ = Resolver.resolve("Z", true);
+  auto valOptZ = Resolver.resolve("libZ", true);
   EXPECT_TRUE(valOptZ.has_value());
   EXPECT_EQ(*valOptZ, lib("Z"));
 
-  auto valOptZdylib = Resolver.resolve(withext("Z"));
+  auto valOptZdylib = Resolver.resolve(withext("libZ"));
   EXPECT_TRUE(valOptZdylib.has_value());
   EXPECT_EQ(*valOptZdylib, lib("Z"));
 }
 
+#if defined(__APPLE__)
 TEST_F(LibraryResolverIT, ResolveViaLoaderPathAndRPathSubstitution) {
   auto cache = std::make_shared<LibraryPathCache>();
   auto presolver = std::make_shared<PathResolver>(cache);
@@ -791,31 +819,79 @@ TEST_F(LibraryResolverIT, ResolveViaLoaderPathAndRPathSubstitution) {
   Resolver.configure(lib("C"), {{P, SearchPathType::RPath}});
 
   // --- Check A ---
-  auto valOptA = Resolver.resolve("@rpath/A", true);
+  auto valOptA = Resolver.resolve("@rpath/libA", true);
   EXPECT_TRUE(valOptA.has_value());
   EXPECT_EQ(*valOptA, lib("A"));
 
-  auto valOptAdylib = Resolver.resolve(withext("@rpath/A"));
+  auto valOptAdylib = Resolver.resolve(withext("@rpath/libA"));
   EXPECT_TRUE(valOptAdylib.has_value());
   EXPECT_EQ(*valOptAdylib, lib("A"));
 
   // --- Check B ---
-  auto valOptB = Resolver.resolve("@rpath/B", true);
+  auto valOptB = Resolver.resolve("@rpath/libB", true);
   EXPECT_TRUE(valOptB.has_value());
   EXPECT_EQ(*valOptB, lib("B"));
 
-  auto valOptBdylib = Resolver.resolve(withext("@rpath/B"));
+  auto valOptBdylib = Resolver.resolve(withext("@rpath/libB"));
   EXPECT_TRUE(valOptBdylib.has_value());
   EXPECT_EQ(*valOptBdylib, lib("B"));
 
   // --- Check Z ---
-  auto valOptZ = Resolver.resolve("@rpath/Z", true);
+  auto valOptZ = Resolver.resolve("@rpath/libZ", true);
   EXPECT_TRUE(valOptZ.has_value());
   EXPECT_EQ(*valOptZ, lib("Z"));
 
-  auto valOptZdylib = Resolver.resolve(withext("@rpath/Z"));
+  auto valOptZdylib = Resolver.resolve(withext("@rpath/libZ"));
   EXPECT_TRUE(valOptZdylib.has_value());
   EXPECT_EQ(*valOptZdylib, lib("Z"));
 }
+#endif
+
+#if defined(__linux__)
+TEST_F(LibraryResolverIT, ResolveViaOriginAndRPathSubstitution) {
+  auto cache = std::make_shared<LibraryPathCache>();
+  auto presolver = std::make_shared<PathResolver>(cache);
+
+  DylibPathValidator validator(*presolver);
+
+  // On Linux, $ORIGIN works like @loader_path
+  std::vector<std::string> Paths = {"$ORIGIN/../A", "$ORIGIN/../B",
+                                    "$ORIGIN/../D", "$ORIGIN/../Z"};
+
+  SmallVector<StringRef> P(Paths.begin(), Paths.end());
+
+  DylibResolver Resolver(validator);
+
+  // Use only RPath config
+  Resolver.configure(lib("C"), {{P, SearchPathType::RPath}});
+
+  // --- Check A ---
+  auto valOptA = Resolver.resolve("libA", true);
+  EXPECT_TRUE(valOptA.has_value());
+  EXPECT_EQ(*valOptA, lib("A"));
+
+  auto valOptASO = Resolver.resolve(withext("libA"));
+  EXPECT_TRUE(valOptASO.has_value());
+  EXPECT_EQ(*valOptASO, lib("A"));
+
+  // --- Check B ---
+  auto valOptB = Resolver.resolve("libB", true);
+  EXPECT_TRUE(valOptB.has_value());
+  EXPECT_EQ(*valOptB, lib("B"));
+
+  auto valOptBSO = Resolver.resolve(withext("libB"));
+  EXPECT_TRUE(valOptBSO.has_value());
+  EXPECT_EQ(*valOptBSO, lib("B"));
+
+  // --- Check Z ---
+  auto valOptZ = Resolver.resolve("libZ", true);
+  EXPECT_TRUE(valOptZ.has_value());
+  EXPECT_EQ(*valOptZ, lib("Z"));
+
+  auto valOptZSO = Resolver.resolve(withext("libZ"));
+  EXPECT_TRUE(valOptZSO.has_value());
+  EXPECT_EQ(*valOptZSO, lib("Z"));
+}
+#endif
 } // namespace
 #endif // defined(__APPLE__)

>From 0f511c14d34c3b437b0499e90d421d8e92f3e9f4 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Tue, 30 Sep 2025 17:14:08 +0530
Subject: [PATCH 31/37] Minor fix

---
 .../Orc/TargetProcess/LibraryScanner.cpp      | 20 ++++++++++++-------
 1 file changed, 13 insertions(+), 7 deletions(-)

diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index d6d2edc0667c8..a717f6efec7ea 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -327,25 +327,30 @@ SearchPathResolver::resolve(StringRef Stem, const DylibSubstitutor &Subst,
 std::optional<std::string>
 DylibResolverImpl::tryWithExtensions(StringRef LibStem) const {
   LLVM_DEBUG(dbgs() << "tryWithExtensions: baseName = " << LibStem << "\n";);
-  SmallVector<StringRef, 4> Candidates;
+  SmallVector<SmallString<256>, 8> Candidates;
 
   // Add extensions by platform
 #if defined(__APPLE__)
-  Candidates.push_back(LibStem.str() + ".dylib");
+  Candidates.emplace_back(LibStem);
+  Candidates.back() += ".dylib";
 #elif defined(_WIN32)
-  Candidates.push_back(LibStem.str() + ".dll");
+  Candidates.emplace_back(LibStem);
+  Candidates.back() += ".dll";
 #else
-  Candidates.push_back(LibStem.str() + ".so");
+  Candidates.emplace_back(LibStem);
+  Candidates.back() += ".so";
 #endif
 
   // Optionally try "lib" prefix if not already there
   StringRef filename = sys::path::filename(LibStem);
   StringRef Base = sys::path::parent_path(LibStem);
-  SmallString<256> withPrefix(Base);
   if (!filename.starts_with("lib")) {
+    SmallString<256> withPrefix(Base);
+    if (!withPrefix.empty())
+      sys::path::append(withPrefix, ""); // ensure separator if needed
     withPrefix += "lib";
     withPrefix += filename;
-    // Apply extension too
+
 #if defined(__APPLE__)
     withPrefix += ".dylib";
 #elif defined(_WIN32)
@@ -353,7 +358,8 @@ DylibResolverImpl::tryWithExtensions(StringRef LibStem) const {
 #else
     withPrefix += ".so";
 #endif
-    Candidates.push_back(withPrefix.str());
+
+    Candidates.push_back(std::move(withPrefix));
   }
 
   LLVM_DEBUG({

>From cffe390c93a71849833314cfe3b67e195fabc609 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Wed, 1 Oct 2025 15:34:01 +0530
Subject: [PATCH 32/37] Fix code formatting and style issues

---
 .../ExecutionEngine/Orc/Shared/SymbolFilter.h | 136 +++++++++---------
 .../Orc/TargetProcess/LibraryResolver.h       |  27 ++--
 .../Orc/TargetProcess/LibraryScanner.h        |  35 +++--
 .../Orc/TargetProcess/LibraryResolver.cpp     |   3 +-
 .../Orc/TargetProcess/LibraryScanner.cpp      |  75 +++++-----
 5 files changed, 137 insertions(+), 139 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h b/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
index e64979979e9d6..517089341978a 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/Shared/SymbolFilter.h
@@ -1,4 +1,4 @@
-//===--- SymbolFilter.h - Utils for Symbol Filter ---*- C++ -*-===//
+//===- SymbolFilter.h - Utilities for Symbol Filtering ---------*- C++ -*-===//
 //
 // Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
 // See https://llvm.org/LICENSE.txt for license information.
@@ -33,65 +33,65 @@ class BloomFilter {
   BloomFilter(const BloomFilter &) = delete;
   BloomFilter &operator=(const BloomFilter &) = delete;
 
-  BloomFilter(uint32_t symbolCount, float falsePositiveRate, HashFunc hashFn)
-      : hashFunc(std::move(hashFn)) {
-    initialize(symbolCount, falsePositiveRate);
+  BloomFilter(uint32_t SymbolCount, float FalsePositiveRate, HashFunc hashFn)
+      : HashFn(std::move(hashFn)) {
+    initialize(SymbolCount, FalsePositiveRate);
   }
-  bool IsInitialized() const { return initialized; }
+  bool isInitialized() const { return Initialized; }
 
-  void add(StringRef symbol) {
-    assert(initialized);
-    addHash(hashFunc(symbol));
+  void add(StringRef Sym) {
+    assert(Initialized);
+    addHash(HashFn(Sym));
   }
 
-  bool mayContain(StringRef symbol) const {
-    return !isEmpty() && testHash(hashFunc(symbol));
+  bool mayContain(StringRef Sym) const {
+    return !isEmpty() && testHash(HashFn(Sym));
   }
 
-  bool isEmpty() const { return symbolCount_ == 0; }
+  bool isEmpty() const { return SymbolCount == 0; }
 
 private:
   friend class shared::SPSSerializationTraits<shared::SPSBloomFilter,
                                               BloomFilter>;
-  static constexpr uint32_t bitsPerEntry = 64;
+  static constexpr uint32_t BitsPerEntry = 64;
 
-  bool initialized = false;
-  uint32_t symbolCount_ = 0;
-  uint32_t bloomSize = 0;
-  uint32_t bloomShift = 0;
-  std::vector<uint64_t> bloomTable;
-  HashFunc hashFunc;
+  bool Initialized = false;
+  uint32_t SymbolCount = 0;
+  uint32_t BloomSize = 0;
+  uint32_t BloomShift = 0;
+  std::vector<uint64_t> BloomTable;
+  HashFunc HashFn;
 
-  void initialize(uint32_t symbolCount, float falsePositiveRate) {
-    assert(symbolCount > 0);
-    symbolCount_ = symbolCount;
-    initialized = true;
+  void initialize(uint32_t SymCount, float FalsePositiveRate) {
+    assert(SymCount > 0);
+    SymbolCount = SymCount;
+    Initialized = true;
 
     float ln2 = std::log(2.0f);
-    float m = -1.0f * symbolCount * std::log(falsePositiveRate) / (ln2 * ln2);
-    bloomSize = static_cast<uint32_t>(std::ceil(m / bitsPerEntry));
-    bloomShift = std::min(6u, log2ceil(symbolCount));
-    bloomTable.resize(bloomSize, 0);
+    float M = -1.0f * SymbolCount * std::log(FalsePositiveRate) / (ln2 * ln2);
+    BloomSize = static_cast<uint32_t>(std::ceil(M / BitsPerEntry));
+    BloomShift = std::min(6u, log2ceil(SymbolCount));
+    BloomTable.resize(BloomSize, 0);
   }
 
-  void addHash(uint32_t hash) {
-    uint32_t hash2 = hash >> bloomShift;
-    uint32_t n = (hash / bitsPerEntry) % bloomSize;
-    uint64_t mask =
-        (1ULL << (hash % bitsPerEntry)) | (1ULL << (hash2 % bitsPerEntry));
-    bloomTable[n] |= mask;
+  void addHash(uint32_t Hash) {
+    uint32_t Hash2 = Hash >> BloomShift;
+    uint32_t N = (Hash / BitsPerEntry) % BloomSize;
+    uint64_t Mask =
+        (1ULL << (Hash % BitsPerEntry)) | (1ULL << (Hash2 % BitsPerEntry));
+    BloomTable[N] |= Mask;
   }
 
-  bool testHash(uint32_t hash) const {
-    uint32_t hash2 = hash >> bloomShift;
-    uint32_t n = (hash / bitsPerEntry) % bloomSize;
-    uint64_t mask =
-        (1ULL << (hash % bitsPerEntry)) | (1ULL << (hash2 % bitsPerEntry));
-    return (bloomTable[n] & mask) == mask;
+  bool testHash(uint32_t Hash) const {
+    uint32_t Hash2 = Hash >> BloomShift;
+    uint32_t N = (Hash / BitsPerEntry) % BloomSize;
+    uint64_t Mask =
+        (1ULL << (Hash % BitsPerEntry)) | (1ULL << (Hash2 % BitsPerEntry));
+    return (BloomTable[N] & Mask) == Mask;
   }
 
-  static constexpr uint32_t log2ceil(uint32_t v) {
-    return v <= 1 ? 0 : 32 - countl_zero(v - 1);
+  static constexpr uint32_t log2ceil(uint32_t V) {
+    return V <= 1 ? 0 : 32 - countl_zero(V - 1);
   }
 };
 
@@ -101,34 +101,34 @@ class BloomFilterBuilder {
 
   BloomFilterBuilder() = default;
 
-  BloomFilterBuilder &setFalsePositiveRate(float rate) {
-    assert(rate > 0.0f && rate < 1.0f);
-    falsePositiveRate = rate;
+  BloomFilterBuilder &setFalsePositiveRate(float Rate) {
+    assert(Rate > 0.0f && Rate < 1.0f);
+    FalsePositiveRate = Rate;
     return *this;
   }
 
-  BloomFilterBuilder &setHashFunction(HashFunc func) {
-    hashFunc = std::move(func);
+  BloomFilterBuilder &setHashFunction(HashFunc Fn) {
+    HashFn = std::move(Fn);
     return *this;
   }
 
   BloomFilter build(ArrayRef<StringRef> Symbols) const {
     assert(!Symbols.empty() && "Cannot build filter from empty symbol list.");
-    BloomFilter filter(static_cast<uint32_t>(Symbols.size()), falsePositiveRate,
-                       hashFunc);
-    for (const auto &sym : Symbols)
-      filter.add(sym);
+    BloomFilter F(static_cast<uint32_t>(Symbols.size()), FalsePositiveRate,
+                  HashFn);
+    for (const auto &Sym : Symbols)
+      F.add(Sym);
 
-    return filter;
+    return F;
   }
 
 private:
-  float falsePositiveRate = 0.02f;
-  HashFunc hashFunc = [](StringRef s) -> uint32_t {
-    uint32_t h = 5381;
-    for (char c : s)
-      h = ((h << 5) + h) + static_cast<uint8_t>(c); // h * 33 + c
-    return h;
+  float FalsePositiveRate = 0.02f;
+  HashFunc HashFn = [](StringRef S) -> uint32_t {
+    uint32_t H = 5381;
+    for (char C : S)
+      H = ((H << 5) + H) + static_cast<uint8_t>(C); // H * 33 + C
+    return H;
   };
 };
 
@@ -138,30 +138,30 @@ template <> class SPSSerializationTraits<SPSBloomFilter, BloomFilter> {
 public:
   static size_t size(const BloomFilter &Filter) {
     return SPSBloomFilter::AsArgList::size(
-        Filter.initialized, Filter.symbolCount_, Filter.bloomSize,
-        Filter.bloomShift, Filter.bloomTable);
+        Filter.Initialized, Filter.SymbolCount, Filter.BloomSize,
+        Filter.BloomShift, Filter.BloomTable);
   }
 
   static bool serialize(SPSOutputBuffer &OB, const BloomFilter &Filter) {
     return SPSBloomFilter::AsArgList::serialize(
-        OB, Filter.initialized, Filter.symbolCount_, Filter.bloomSize,
-        Filter.bloomShift, Filter.bloomTable);
+        OB, Filter.Initialized, Filter.SymbolCount, Filter.BloomSize,
+        Filter.BloomShift, Filter.BloomTable);
   }
 
   static bool deserialize(SPSInputBuffer &IB, BloomFilter &Filter) {
     bool IsInitialized;
-    uint32_t symbolCount_ = 0, bloomSize = 0, bloomShift = 0;
-    std::vector<uint64_t> bloomTable;
+    uint32_t SymbolCount = 0, BloomSize = 0, BloomShift = 0;
+    std::vector<uint64_t> BloomTable;
 
     if (!SPSBloomFilter::AsArgList::deserialize(
-            IB, IsInitialized, symbolCount_, bloomSize, bloomShift, bloomTable))
+            IB, IsInitialized, SymbolCount, BloomSize, BloomShift, BloomTable))
       return false;
 
-    Filter.initialized = IsInitialized;
-    Filter.symbolCount_ = symbolCount_;
-    Filter.bloomSize = bloomSize;
-    Filter.bloomShift = bloomShift;
-    Filter.bloomTable = std::move(bloomTable);
+    Filter.Initialized = IsInitialized;
+    Filter.SymbolCount = SymbolCount;
+    Filter.BloomSize = BloomSize;
+    Filter.BloomShift = BloomShift;
+    Filter.BloomTable = std::move(BloomTable);
 
     return true;
   }
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
index a4d8b1e3b79d3..50d4f6d041da4 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryResolver.h
@@ -1,5 +1,4 @@
-//===- LibraryResolver.h - Automatic Dynamic Library Symbol Resolution -*- C++
-//-*-===//
+//===- LibraryResolver.h - Automatic Library Symbol Resolution -*- C++ -*-===//
 //
 // Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
 // See https://llvm.org/LICENSE.txt for license information.
@@ -106,8 +105,8 @@ class LibraryManager {
     using Iterator = typename Map::const_iterator;
     class FilterIterator {
     public:
-      FilterIterator(Iterator _it, Iterator _end, LibState S, PathType K)
-          : it(_it), end(_end), S(S), K(K) {
+      FilterIterator(Iterator it_, Iterator end_, LibState S, PathType K)
+          : it(it_), end(end_), S(S), K(K) {
         advance();
       }
 
@@ -137,21 +136,21 @@ class LibraryManager {
       PathType K;
     };
     FilteredView(Iterator begin, Iterator end, LibState s, PathType k)
-        : begin_(begin), end_(end), state_(s), kind_(k) {}
+        : mapBegin(begin), mapEnd(end), state(s), kind(k) {}
 
     FilterIterator begin() const {
-      return FilterIterator(begin_, end_, state_, kind_);
+      return FilterIterator(mapBegin, mapEnd, state, kind);
     }
 
     FilterIterator end() const {
-      return FilterIterator(end_, end_, state_, kind_);
+      return FilterIterator(mapEnd, mapEnd, state, kind);
     }
 
   private:
-    Iterator begin_;
-    Iterator end_;
-    LibState state_;
-    PathType kind_;
+    Iterator mapBegin;
+    Iterator mapEnd;
+    LibState state;
+    PathType kind;
   };
 
 private:
@@ -346,9 +345,9 @@ class LibraryResolver {
 
     void resolve(StringRef Sym, const std::string &LibPath) {
       std::unique_lock<std::shared_mutex> Lock(Mtx);
-      auto it = Results.find(Sym);
-      if (it != Results.end() && it->second.ResolvedLibPath.empty()) {
-        it->second.ResolvedLibPath = LibPath;
+      auto It = Results.find(Sym);
+      if (It != Results.end() && It->second.ResolvedLibPath.empty()) {
+        It->second.ResolvedLibPath = LibPath;
         ResolvedCount.fetch_add(1, std::memory_order_relaxed);
       }
     }
diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index be97501c51966..a2aa62d8e7569 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -1,5 +1,4 @@
-//===- LibraryScanner.h - Scanner for Shared Libraries -*- C++
-//-*-===//
+//===- LibraryScanner.h - Scanner for Shared Libraries ---------*- C++ -*-===//
 //
 // Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
 // See https://llvm.org/LICENSE.txt for license information.
@@ -93,9 +92,9 @@ class LibraryPathCache {
 
   std::optional<PathInfo> read_realpath(StringRef Path) const {
     std::shared_lock<std::shared_mutex> lock(Mtx);
-    auto it = RealPathCache.find(Path);
-    if (it != RealPathCache.end())
-      return it->second;
+    auto It = RealPathCache.find(Path);
+    if (It != RealPathCache.end())
+      return It->second;
 
     return std::nullopt;
   }
@@ -114,9 +113,9 @@ class LibraryPathCache {
 
   std::optional<std::string> read_link(StringRef Path) const {
     std::shared_lock<std::shared_mutex> lock(Mtx);
-    auto it = ReadlinkCache.find(Path);
-    if (it != ReadlinkCache.end())
-      return it->second;
+    auto It = ReadlinkCache.find(Path);
+    if (It != ReadlinkCache.end())
+      return It->second;
 
     return std::nullopt;
   }
@@ -128,9 +127,9 @@ class LibraryPathCache {
 
   std::optional<mode_t> read_lstat(StringRef Path) const {
     std::shared_lock<std::shared_mutex> lock(Mtx);
-    auto it = LstatCache.find(Path);
-    if (it != LstatCache.end())
-      return it->second;
+    auto It = LstatCache.find(Path);
+    if (It != LstatCache.end())
+      return It->second;
 
     return std::nullopt;
   }
@@ -311,12 +310,12 @@ enum class PathType : uint8_t { User, System, Unknown };
 enum class ScanState : uint8_t { NotScanned, Scanning, Scanned };
 
 struct LibrarySearchPath {
-  std::string basePath; // Canonical base directory path
+  std::string BasePath; // Canonical base directory path
   PathType Kind;        // User or System
   std::atomic<ScanState> State;
 
-  LibrarySearchPath(std::string base, PathType K)
-      : basePath(std::move(base)), Kind(K), State(ScanState::NotScanned) {}
+  LibrarySearchPath(std::string Base, PathType K)
+      : BasePath(std::move(Base)), Kind(K), State(ScanState::NotScanned) {}
 };
 
 /// Scans and tracks libraries for symbol resolution.
@@ -351,10 +350,10 @@ class LibraryScanHelper {
   std::vector<std::shared_ptr<LibrarySearchPath>> getAllUnits() const;
 
   SmallVector<StringRef> getSearchPaths() const {
-    SmallVector<StringRef> searchPaths;
-    for (const auto &unit : LibSearchPaths)
-      searchPaths.push_back(unit.second->basePath);
-    return searchPaths;
+    SmallVector<StringRef> SearchPaths;
+    for (const auto &[_, SP] : LibSearchPaths)
+      SearchPaths.push_back(SP->BasePath);
+    return SearchPaths;
   }
 
   PathResolver &getPathResolver() const { return *LibPathResolver; }
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
index 5345cadb44c6d..0d3442543d216 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
@@ -1,5 +1,4 @@
-//===----- LibraryResolver.cpp - Library Resolution of Unresolved Symbols
-//-----===//
+//===- LibraryResolver.cpp - Library Resolution of Unresolved Symbols ---===//
 //
 // Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
 // See https://llvm.org/LICENSE.txt for license information.
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index a717f6efec7ea..56cd6be45c71e 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -1,5 +1,4 @@
-//===----- LibraryScanner.cpp - Provide Library Scaning implementation
-//-----===//
+//===- LibraryScanner.cpp - Provide Library Scanning Implementation ----===//
 //
 // Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
 // See https://llvm.org/LICENSE.txt for license information.
@@ -670,24 +669,24 @@ void LibraryScanHelper::addBasePath(const std::string &Path, PathType K) {
             << Path << "\n";);
     return;
   }
-  std::unique_lock<std::shared_mutex> lock(Mtx);
+  std::unique_lock<std::shared_mutex> Lock(Mtx);
   if (LibSearchPaths.count(Canon)) {
     LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Already added: "
                       << Canon << "\n";);
     return;
   }
   K = K == PathType::Unknown ? classifyKind(Canon) : K;
-  auto unit = std::make_shared<LibrarySearchPath>(Canon, K);
-  LibSearchPaths[Canon] = unit;
+  auto SP = std::make_shared<LibrarySearchPath>(Canon, K);
+  LibSearchPaths[Canon] = SP;
 
   if (K == PathType::User) {
     LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Added User path: "
                       << Canon << "\n";);
-    UnscannedUsr.push_back(StringRef(unit->basePath));
+    UnscannedUsr.push_back(StringRef(SP->BasePath));
   } else {
     LLVM_DEBUG(dbgs() << "LibraryScanHelper::addBasePath: Added System path: "
                       << Canon << "\n";);
-    UnscannedSys.push_back(StringRef(unit->basePath));
+    UnscannedSys.push_back(StringRef(SP->BasePath));
   }
 }
 
@@ -696,16 +695,16 @@ LibraryScanHelper::getNextBatch(PathType K, size_t BatchSize) {
   std::vector<std::shared_ptr<LibrarySearchPath>> Result;
   auto &Queue = (K == PathType::User) ? UnscannedUsr : UnscannedSys;
 
-  std::unique_lock<std::shared_mutex> lock(Mtx);
+  std::unique_lock<std::shared_mutex> Lock(Mtx);
 
   while (!Queue.empty() && (BatchSize == 0 || Result.size() < BatchSize)) {
     StringRef Base = Queue.front();
-    auto it = LibSearchPaths.find(Base);
-    if (it != LibSearchPaths.end()) {
-      auto &unit = it->second;
-      ScanState expected = ScanState::NotScanned;
-      if (unit->State.compare_exchange_strong(expected, ScanState::Scanning)) {
-        Result.push_back(unit);
+    auto It = LibSearchPaths.find(Base);
+    if (It != LibSearchPaths.end()) {
+      auto &SP = It->second;
+      ScanState Expected = ScanState::NotScanned;
+      if (SP->State.compare_exchange_strong(Expected, ScanState::Scanning)) {
+        Result.push_back(SP);
       }
     }
     Queue.pop_front();
@@ -717,33 +716,35 @@ LibraryScanHelper::getNextBatch(PathType K, size_t BatchSize) {
 bool LibraryScanHelper::isTrackedBasePath(StringRef Path) const {
   std::error_code EC;
   std::string Canon = resolveCanonical(Path, EC);
-  if (EC) {
+  if (EC)
     return false;
-  }
+
   std::shared_lock<std::shared_mutex> Lock(Mtx);
   return LibSearchPaths.count(Canon) > 0;
 }
 
 bool LibraryScanHelper::leftToScan(PathType K) const {
   std::shared_lock<std::shared_mutex> Lock(Mtx);
-  for (const auto &SP : LibSearchPaths)
-    if (SP.second->Kind == K && SP.second->State == ScanState::NotScanned)
+  for (const auto &KV : LibSearchPaths) {
+    const auto &SP = KV.second;
+    if (SP->Kind == K && SP->State == ScanState::NotScanned)
       return true;
+  }
   return false;
 }
 
 void LibraryScanHelper::resetToScan() {
-  std::shared_lock<std::shared_mutex> lock(Mtx);
+  std::shared_lock<std::shared_mutex> Lock(Mtx);
 
   for (auto &[_, SP] : LibSearchPaths) {
-    ScanState expected = ScanState::Scanned;
+    ScanState Expected = ScanState::Scanned;
 
-    if (!SP->State.compare_exchange_strong(expected, ScanState::NotScanned))
+    if (!SP->State.compare_exchange_strong(Expected, ScanState::NotScanned))
       continue;
 
-    auto &targetList =
+    auto &TargetList =
         (SP->Kind == PathType::User) ? UnscannedUsr : UnscannedSys;
-    targetList.emplace_back(SP->basePath);
+    TargetList.emplace_back(SP->BasePath);
   }
 }
 
@@ -1060,8 +1061,8 @@ void LibraryScanner::handleLibrary(StringRef FilePath, PathType K, int level) {
     return;
   }
 
-  bool added = LibMgr.addLibrary(CanonicalPath, K);
-  if (!added) {
+  bool Added = LibMgr.addLibrary(CanonicalPath, K);
+  if (!Added) {
     LLVM_DEBUG(dbgs() << "  Already added: " << CanonicalPath << "\n";);
     return;
   }
@@ -1111,22 +1112,22 @@ void LibraryScanner::handleLibrary(StringRef FilePath, PathType K, int level) {
   }
 }
 
-void LibraryScanner::scanBaseDir(std::shared_ptr<LibrarySearchPath> Unit) {
-  if (!sys::fs::is_directory(Unit->basePath) || Unit->basePath.empty()) {
+void LibraryScanner::scanBaseDir(std::shared_ptr<LibrarySearchPath> SP) {
+  if (!sys::fs::is_directory(SP->BasePath) || SP->BasePath.empty()) {
     LLVM_DEBUG(
         dbgs() << "LibraryScanner::scanBaseDir: Invalid or empty basePath: "
-               << Unit->basePath << "\n";);
+               << SP->BasePath << "\n";);
     return;
   }
 
   LLVM_DEBUG(dbgs() << "LibraryScanner::scanBaseDir: Scanning directory: "
-                    << Unit->basePath << "\n";);
+                    << SP->BasePath << "\n";);
   std::error_code EC;
 
-  Unit->State.store(ScanState::Scanning);
+  SP->State.store(ScanState::Scanning);
 
-  for (sys::fs::directory_iterator It(Unit->basePath, EC), end;
-       It != end && !EC; It.increment(EC)) {
+  for (sys::fs::directory_iterator It(SP->BasePath, EC), end; It != end && !EC;
+       It.increment(EC)) {
     auto Entry = *It;
     if (!Entry.status())
       continue;
@@ -1135,11 +1136,11 @@ void LibraryScanner::scanBaseDir(std::shared_ptr<LibrarySearchPath> Unit) {
     if (sys::fs::is_regular_file(Status) || sys::fs::is_symlink_file(Status)) {
       LLVM_DEBUG(dbgs() << "  Found file: " << Entry.path() << "\n";);
       // async support ?
-      handleLibrary(Entry.path(), Unit->Kind);
+      handleLibrary(Entry.path(), SP->Kind);
     }
   }
 
-  Unit->State.store(ScanState::Scanned);
+  SP->State.store(ScanState::Scanned);
 }
 
 void LibraryScanner::scanNext(PathType K, size_t BatchSize) {
@@ -1147,9 +1148,9 @@ void LibraryScanner::scanNext(PathType K, size_t BatchSize) {
                     << BatchSize << " for kind "
                     << (K == PathType::User ? "User" : "System") << "\n";);
 
-  auto SPaths = ScanHelper.getNextBatch(K, BatchSize);
-  for (auto &SP : SPaths) {
-    LLVM_DEBUG(dbgs() << "  Scanning unit with basePath: " << SP->basePath
+  auto SearchPaths = ScanHelper.getNextBatch(K, BatchSize);
+  for (auto &SP : SearchPaths) {
+    LLVM_DEBUG(dbgs() << "  Scanning unit with basePath: " << SP->BasePath
                       << "\n";);
 
     scanBaseDir(SP);

>From 01f23dd15abdd53592e6865ff92855e5e8d3ee36 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Sat, 4 Oct 2025 12:23:14 +0530
Subject: [PATCH 33/37] Refactor code

---
 .../Orc/TargetProcess/LibraryScanner.h        | 14 ++--
 .../Orc/TargetProcess/LibraryResolver.cpp     | 50 ++++++--------
 .../Orc/TargetProcess/LibraryScanner.cpp      | 68 +++++++++----------
 .../Orc/LibraryResolverTest.cpp               |  3 +-
 4 files changed, 62 insertions(+), 73 deletions(-)

diff --git a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
index a2aa62d8e7569..d1c201306bf54 100644
--- a/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
+++ b/llvm/include/llvm/ExecutionEngine/Orc/TargetProcess/LibraryScanner.h
@@ -232,8 +232,8 @@ struct SearchPathConfig {
 class SearchPathResolver {
 public:
   SearchPathResolver(const SearchPathConfig &Cfg,
-                     StringRef placeholderPrefix = "")
-      : Kind(Cfg.type), placeholderPrefix(placeholderPrefix) {
+                     StringRef PlaceholderPrefix = "")
+      : Kind(Cfg.type), PlaceholderPrefix(PlaceholderPrefix) {
     for (auto &path : Cfg.Paths)
       Paths.emplace_back(path.str());
   }
@@ -246,7 +246,7 @@ class SearchPathResolver {
 private:
   std::vector<std::string> Paths;
   SearchPathType Kind;
-  std::string placeholderPrefix;
+  std::string PlaceholderPrefix;
 };
 
 class DylibResolverImpl {
@@ -256,8 +256,8 @@ class DylibResolverImpl {
       : Substitutor(std::move(Substitutor)), Validator(Validator),
         Resolvers(std::move(Resolvers)) {}
 
-  std::optional<std::string> resolve(StringRef stem,
-                                     bool variateLibStem = false) const;
+  std::optional<std::string> resolve(StringRef Stem,
+                                     bool VariateLibStem = false) const;
 
 private:
   std::optional<std::string> tryWithExtensions(StringRef libstem) const;
@@ -287,10 +287,10 @@ class DylibResolver {
   }
 
   std::optional<std::string> resolve(StringRef libStem,
-                                     bool variateLibStem = false) const {
+                                     bool VariateLibStem = false) const {
     if (!impl_)
       return std::nullopt;
-    return impl_->resolve(libStem, variateLibStem);
+    return impl_->resolve(libStem, VariateLibStem);
   }
 
   static std::string resolvelinkerFlag(StringRef libStem,
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
index 0d3442543d216..4423474e74e99 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryResolver.cpp
@@ -202,25 +202,7 @@ void LibraryResolver::resolveSymbolsInLibrary(
     const SymbolEnumeratorOptions &Opts) {
   LLVM_DEBUG(dbgs() << "Checking unresolved symbols "
                     << " in library : " << Lib.getFileName() << "\n";);
-  StringSet<> discoveredSymbols;
-  bool hasEnumerated = false;
-
-  auto enumerateSymbolsIfNeeded = [&]() {
-    if (hasEnumerated)
-      return;
-
-    hasEnumerated = true;
-
-    LLVM_DEBUG(dbgs() << "Enumerating symbols in library: " << Lib.getFullPath()
-                      << "\n";);
-    SymbolEnumerator::enumerateSymbols(
-        Lib.getFullPath(),
-        [&](StringRef sym) {
-          discoveredSymbols.insert(sym);
-          return EnumerateResult::Continue;
-        },
-        Opts);
-  };
+  StringSet<> DiscoveredSymbols;
 
   if (!UnresolvedSymbols.hasUnresolved()) {
     LLVM_DEBUG(dbgs() << "Skipping library: " << Lib.getFullPath()
@@ -228,9 +210,17 @@ void LibraryResolver::resolveSymbolsInLibrary(
     return;
   }
 
-  enumerateSymbolsIfNeeded();
+  LLVM_DEBUG(dbgs() << "Enumerating symbols in library: " << Lib.getFullPath()
+                    << "\n";);
+  SymbolEnumerator::enumerateSymbols(
+      Lib.getFullPath(),
+      [&](StringRef sym) {
+        DiscoveredSymbols.insert(sym);
+        return EnumerateResult::Continue;
+      },
+      Opts);
 
-  if (discoveredSymbols.empty()) {
+  if (DiscoveredSymbols.empty()) {
     LLVM_DEBUG(dbgs() << "  No symbols and remove library : "
                       << Lib.getFullPath() << "\n";);
     LibMgr.removeLibrary(Lib.getFullPath());
@@ -242,37 +232,37 @@ void LibraryResolver::resolveSymbolsInLibrary(
                       << "\n";);
 
     SmallVector<StringRef> SymbolVec;
-    SymbolVec.reserve(discoveredSymbols.size());
-    for (const auto &KV : discoveredSymbols)
+    SymbolVec.reserve(DiscoveredSymbols.size());
+    for (const auto &KV : DiscoveredSymbols)
       SymbolVec.push_back(KV.first());
 
     Lib.ensureFilterBuilt(FB, SymbolVec);
     LLVM_DEBUG({
-      dbgs() << "discoveredSymbols : " << discoveredSymbols.size() << "\n";
-      for (const auto &KV : discoveredSymbols)
-        dbgs() << "discoveredSymbols : " << KV.first() << "\n";
+      dbgs() << "DiscoveredSymbols : " << DiscoveredSymbols.size() << "\n";
+      for (const auto &KV : DiscoveredSymbols)
+        dbgs() << "DiscoveredSymbols : " << KV.first() << "\n";
     });
   }
 
   const auto &Unresolved = UnresolvedSymbols.getUnresolvedSymbols();
-  bool hadAnySym = false;
+  bool HadAnySym = false;
   LLVM_DEBUG(dbgs() << "Total unresolved symbols : " << Unresolved.size()
                     << "\n";);
   for (const auto &Sym : Unresolved) {
     if (Lib.mayContain(Sym)) {
       LLVM_DEBUG(dbgs() << "Checking symbol '" << Sym
                         << "' in library: " << Lib.getFullPath() << "\n";);
-      if (discoveredSymbols.count(Sym) > 0) {
+      if (DiscoveredSymbols.count(Sym) > 0) {
         LLVM_DEBUG(dbgs() << "  Resolved symbol: " << Sym
                           << " in library: " << Lib.getFullPath() << "\n";);
         UnresolvedSymbols.resolve(Sym, Lib.getFullPath());
-        hadAnySym = true;
+        HadAnySym = true;
       }
     }
   }
 
   using LibraryState = LibraryManager::LibState;
-  if (hadAnySym && Lib.getState() != LibraryState::Loaded)
+  if (HadAnySym && Lib.getState() != LibraryState::Loaded)
     Lib.setState(LibraryState::Queried);
 }
 
diff --git a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
index 56cd6be45c71e..094deced232c3 100644
--- a/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
+++ b/llvm/lib/ExecutionEngine/Orc/TargetProcess/LibraryScanner.cpp
@@ -219,8 +219,8 @@ bool DylibPathValidator::isSharedLibrary(StringRef Path) {
   LLVM_DEBUG(dbgs() << "Checking if path is a shared library: " << Path
                     << "\n";);
 
-  auto filetype = sys::fs::get_file_type(Path, /*Follow*/ true);
-  if (filetype != sys::fs::file_type::regular_file) {
+  auto FileType = sys::fs::get_file_type(Path, /*Follow*/ true);
+  if (FileType != sys::fs::file_type::regular_file) {
     LLVM_DEBUG(dbgs() << "File type is not a regular file for path: " << Path
                       << "\n";);
     return false;
@@ -303,13 +303,13 @@ void DylibSubstitutor::configure(StringRef LoaderPath) {
 std::optional<std::string>
 SearchPathResolver::resolve(StringRef Stem, const DylibSubstitutor &Subst,
                             DylibPathValidator &Validator) const {
-  for (const auto &searchPath : Paths) {
-    std::string Base = Subst.substitute(searchPath);
+  for (const auto &SP : Paths) {
+    std::string Base = Subst.substitute(SP);
 
     SmallString<512> FullPath(Base);
-    if (!placeholderPrefix.empty() &&
-        Stem.starts_with_insensitive(placeholderPrefix))
-      FullPath.append(Stem.drop_front(placeholderPrefix.size()));
+    if (!PlaceholderPrefix.empty() &&
+        Stem.starts_with_insensitive(PlaceholderPrefix))
+      FullPath.append(Stem.drop_front(PlaceholderPrefix.size()));
     else
       sys::path::append(FullPath, Stem);
 
@@ -341,24 +341,24 @@ DylibResolverImpl::tryWithExtensions(StringRef LibStem) const {
 #endif
 
   // Optionally try "lib" prefix if not already there
-  StringRef filename = sys::path::filename(LibStem);
+  StringRef FileName = sys::path::filename(LibStem);
   StringRef Base = sys::path::parent_path(LibStem);
-  if (!filename.starts_with("lib")) {
-    SmallString<256> withPrefix(Base);
-    if (!withPrefix.empty())
-      sys::path::append(withPrefix, ""); // ensure separator if needed
-    withPrefix += "lib";
-    withPrefix += filename;
+  if (!FileName.starts_with("lib")) {
+    SmallString<256> WithPrefix(Base);
+    if (!WithPrefix.empty())
+      sys::path::append(WithPrefix, ""); // ensure separator if needed
+    WithPrefix += "lib";
+    WithPrefix += FileName;
 
 #if defined(__APPLE__)
-    withPrefix += ".dylib";
+    WithPrefix += ".dylib";
 #elif defined(_WIN32)
-    withPrefix += ".dll";
+    WithPrefix += ".dll";
 #else
-    withPrefix += ".so";
+    WithPrefix += ".so";
 #endif
 
-    Candidates.push_back(std::move(withPrefix));
+    Candidates.push_back(std::move(WithPrefix));
   }
 
   LLVM_DEBUG({
@@ -373,8 +373,8 @@ DylibResolverImpl::tryWithExtensions(StringRef LibStem) const {
     LLVM_DEBUG(dbgs() << "  Trying candidate: " << Name << "\n";);
 
     for (const auto &R : Resolvers) {
-      if (auto result = R.resolve(Name, Substitutor, Validator))
-        return result;
+      if (auto Res = R.resolve(Name, Substitutor, Validator))
+        return Res;
     }
   }
 
@@ -384,7 +384,7 @@ DylibResolverImpl::tryWithExtensions(StringRef LibStem) const {
 }
 
 std::optional<std::string>
-DylibResolverImpl::resolve(StringRef LibStem, bool variateLibStem) const {
+DylibResolverImpl::resolve(StringRef LibStem, bool VariateLibStem) const {
   LLVM_DEBUG(dbgs() << "Resolving library stem: " << LibStem << "\n";);
 
   // If it is an absolute path, don't try iterate over the paths.
@@ -404,24 +404,24 @@ DylibResolverImpl::resolve(StringRef LibStem, bool variateLibStem) const {
 
   for (const auto &R : Resolvers) {
     LLVM_DEBUG(dbgs() << "  -> Resolving via search path ... \n";);
-    if (auto result = R.resolve(LibStem, Substitutor, Validator)) {
-      LLVM_DEBUG(dbgs() << "  -> Resolved via search path: " << *result
+    if (auto Result = R.resolve(LibStem, Substitutor, Validator)) {
+      LLVM_DEBUG(dbgs() << "  -> Resolved via search path: " << *Result
                         << "\n";);
 
-      return result;
+      return Result;
     }
   }
 
   // Expand libStem with paths, extensions, etc.
   // std::string foundName;
-  if (variateLibStem) {
+  if (VariateLibStem) {
     LLVM_DEBUG(dbgs() << "  -> Trying with extensions...\n";);
 
-    if (auto norm = tryWithExtensions(LibStem)) {
-      LLVM_DEBUG(dbgs() << "  -> Resolved via tryWithExtensions: " << *norm
+    if (auto Norm = tryWithExtensions(LibStem)) {
+      LLVM_DEBUG(dbgs() << "  -> Resolved via tryWithExtensions: " << *Norm
                         << "\n";);
 
-      return norm;
+      return Norm;
     }
   }
 
@@ -433,8 +433,8 @@ DylibResolverImpl::resolve(StringRef LibStem, bool variateLibStem) const {
 #ifndef _WIN32
 mode_t PathResolver::lstatCached(StringRef Path) {
   // If already cached - retun cached result
-  if (auto cache = LibPathCache->read_lstat(Path))
-    return *cache;
+  if (auto Cache = LibPathCache->read_lstat(Path))
+    return *Cache;
 
   // Not cached: perform lstat and store
   struct stat buf{};
@@ -447,8 +447,8 @@ mode_t PathResolver::lstatCached(StringRef Path) {
 
 std::optional<std::string> PathResolver::readlinkCached(StringRef Path) {
   // If already cached - retun cached result
-  if (auto cache = LibPathCache->read_link(Path))
-    return cache;
+  if (auto Cache = LibPathCache->read_link(Path))
+    return Cache;
 
   // If result not in cache - call system function and cache result
   char buf[PATH_MAX];
@@ -767,8 +767,8 @@ std::string LibraryScanHelper::resolveCanonical(StringRef Path,
 
 PathType LibraryScanHelper::classifyKind(StringRef Path) const {
   // Detect home directory
-  const char *home = getenv("HOME");
-  if (home && Path.find(home) == 0)
+  const char *Home = getenv("HOME");
+  if (Home && Path.find(Home) == 0)
     return PathType::User;
 
   static const std::array<std::string, 5> UserPrefixes = {
diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index ce5e9386c0f0c..c6d5ebd5b8aa8 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -53,8 +53,7 @@ Triple getTargetTriple() {
 
 static bool CheckHostSupport() {
   auto Triple = getTargetTriple();
-  if (!Triple.isOSBinFormatMachO() &&
-      (!Triple.isOSBinFormatELF() || (!Triple.isX86() && !Triple.isAArch64())))
+  if (!Triple.isOSBinFormatMachO())
     return false;
 
   return true;

>From 6a46a3604a8fcf74bb15cc88a4320028b613789b Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Mon, 6 Oct 2025 11:17:38 +0530
Subject: [PATCH 34/37] Refactor

---
 llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp | 3 ++-
 1 file changed, 2 insertions(+), 1 deletion(-)

diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index c6d5ebd5b8aa8..aefd833ba5376 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -394,7 +394,8 @@ TEST_F(LibraryResolverIT, EnumerateSymbolsIncludesUndefWhenNotIgnored) {
 
   bool sawPrintf = false;
   auto onEach = [&](llvm::StringRef sym) -> EnumerateResult {
-    if (matchesEitherUnderscore(sym.str(), "printf"))
+    if (matchesEitherUnderscore(sym.str(), "printf") ||
+        matchesEitherUnderscore(sym.str(), "puts"))
       sawPrintf = true;
     return EnumerateResult::Continue;
   };

>From f691e36f821d33709e02a2a4890a89f6eaf4663a Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Wed, 8 Oct 2025 12:34:46 +0530
Subject: [PATCH 35/37] Fix tests issue

---
 .../ExecutionEngine/Orc/Inputs/A/A_linux.yaml | 576 +----------------
 .../ExecutionEngine/Orc/Inputs/B/B_linux.yaml | 576 +----------------
 .../ExecutionEngine/Orc/Inputs/C/C_linux.yaml | 572 +----------------
 .../ExecutionEngine/Orc/Inputs/D/D_linux.yaml | 601 +-----------------
 .../ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml | 576 +----------------
 .../Orc/LibraryResolverTest.cpp               |  62 +-
 6 files changed, 79 insertions(+), 2884 deletions(-)

diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_linux.yaml
index 97bbcd9a31858..afd1d9e69448d 100644
--- a/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_linux.yaml
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/A/A_linux.yaml
@@ -1,568 +1,3 @@
---- !ELF
-FileHeader:
-  Class:           ELFCLASS64
-  Data:            ELFDATA2LSB
-  Type:            ET_DYN
-  Machine:         EM_AARCH64
-ProgramHeaders:
-  - Type:            PT_LOAD
-    Flags:           [ PF_X, PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .eh_frame
-    Align:           0x10000
-  - Type:            PT_LOAD
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .bss
-    VAddr:           0x10DF0
-    Align:           0x10000
-  - Type:            PT_DYNAMIC
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .dynamic
-    LastSec:         .dynamic
-    VAddr:           0x10E00
-    Align:           0x8
-  - Type:            PT_NOTE
-    Flags:           [ PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .note.gnu.build-id
-    VAddr:           0x1C8
-    Align:           0x4
-  - Type:            PT_GNU_EH_FRAME
-    Flags:           [ PF_R ]
-    FirstSec:        .eh_frame_hdr
-    LastSec:         .eh_frame_hdr
-    VAddr:           0x618
-    Align:           0x4
-  - Type:            PT_GNU_STACK
-    Flags:           [ PF_W, PF_R ]
-    Align:           0x10
-  - Type:            PT_GNU_RELRO
-    Flags:           [ PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .got
-    VAddr:           0x10DF0
-Sections:
-  - Name:            .note.gnu.build-id
-    Type:            SHT_NOTE
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1C8
-    AddressAlign:    0x4
-    Notes:
-      - Name:            GNU
-        Desc:            C158EA7BD1F22B37E5C78E5EB04EF15FE8E62B2E
-        Type:            NT_PRPSINFO
-  - Name:            .gnu.hash
-    Type:            SHT_GNU_HASH
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1F0
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Header:
-      SymNdx:          0x8
-      Shift2:          0x6
-    BloomFilter:     [ 0x400000080000 ]
-    HashBuckets:     [ 0x0, 0x8 ]
-    HashValues:      [ 0x7C9DCB93 ]
-  - Name:            .dynsym
-    Type:            SHT_DYNSYM
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x218
-    Link:            .dynstr
-    AddressAlign:    0x8
-  - Name:            .dynstr
-    Type:            SHT_STRTAB
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x2F0
-    AddressAlign:    0x1
-  - Name:            .gnu.version
-    Type:            SHT_GNU_versym
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x364
-    Link:            .dynsym
-    AddressAlign:    0x2
-    Entries:         [ 0, 0, 0, 1, 2, 1, 2, 1, 1 ]
-  - Name:            .gnu.version_r
-    Type:            SHT_GNU_verneed
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x378
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Dependencies:
-      - Version:         1
-        File:            libc.so.6
-        Entries:
-          - Name:            GLIBC_2.17
-            Hash:            110530967
-            Flags:           0
-            Other:           2
-  - Name:            .rela.dyn
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x398
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Relocations:
-      - Offset:          0x10DF0
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1488
-      - Offset:          0x10DF8
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1408
-      - Offset:          0x11018
-        Type:            R_AARCH64_RELATIVE
-        Addend:          69656
-      - Offset:          0x10FC8
-        Symbol:          _ITM_deregisterTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD0
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD8
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FE0
-        Symbol:          _ITM_registerTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-  - Name:            .rela.plt
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
-    Address:         0x440
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Info:            .got.plt
-    Relocations:
-      - Offset:          0x11000
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11008
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11010
-        Symbol:          puts
-        Type:            R_AARCH64_JUMP_SLOT
-  - Name:            .init
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x488
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD03009117000094FD7BC1A8C0035FD6
-  - Name:            .plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x4A0
-    AddressAlign:    0x10
-    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6
-  - Name:            .text
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x4F0
-    AddressAlign:    0x10
-    Content:         8000009000EC47F9400000B4F5FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000800091810000B0218000913F0000EBC00000548100009021E447F9610000B4F00301AA00021FD6C0035FD6800000B000800091810000B021800091210000CB22FC7FD3410C818B21FC4193C10000B48200009042F047F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060824039400100358000009000E847F9800000B4800000B0000C40F9C5FFFF97D8FFFF972000805260820039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD0300910000009000201891BFFFFF971F2003D5FD7BC1A8C0035FD6
-  - Name:            .fini
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x5F4
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
-  - Name:            .rodata
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x608
-    AddressAlign:    0x8
-    Content:         48656C6C6F2066726F6D204100
-  - Name:            .eh_frame_hdr
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x618
-    AddressAlign:    0x4
-    Content:         011B033B3400000005000000F8FEFFFF4C00000028FFFFFF6000000068FFFFFF74000000B8FFFFFF98000000BCFFFFFFB0000000
-  - Name:            .eh_frame
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x650
-    AddressAlign:    0x8
-    Content:         1000000000000000017A520004781E011B0C1F001000000018000000A4FEFFFF3000000000000000100000002C000000C0FEFFFF3C000000000000002000000040000000ECFEFFFF4800000000410E209D049E034293024EDEDDD30E00000000140000006400000018FFFFFF0400000000000000000000001C0000007C00000004FFFFFF2000000000410E109D029E0146DEDD0E0000000000000000
-  - Name:            .init_array
-    Type:            SHT_INIT_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DF0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Offset:          0xDF0
-    Content:         D005000000000000
-  - Name:            .fini_array
-    Type:            SHT_FINI_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DF8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         '8005000000000000'
-  - Name:            .dynamic
-    Type:            SHT_DYNAMIC
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10E00
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Entries:
-      - Tag:             DT_NEEDED
-        Value:           0x5F
-      - Tag:             DT_INIT
-        Value:           0x488
-      - Tag:             DT_FINI
-        Value:           0x5F4
-      - Tag:             DT_INIT_ARRAY
-        Value:           0x10DF0
-      - Tag:             DT_INIT_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_FINI_ARRAY
-        Value:           0x10DF8
-      - Tag:             DT_FINI_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_GNU_HASH
-        Value:           0x1F0
-      - Tag:             DT_STRTAB
-        Value:           0x2F0
-      - Tag:             DT_SYMTAB
-        Value:           0x218
-      - Tag:             DT_STRSZ
-        Value:           0x74
-      - Tag:             DT_SYMENT
-        Value:           0x18
-      - Tag:             DT_PLTGOT
-        Value:           0x10FE8
-      - Tag:             DT_PLTRELSZ
-        Value:           0x48
-      - Tag:             DT_PLTREL
-        Value:           0x7
-      - Tag:             DT_JMPREL
-        Value:           0x440
-      - Tag:             DT_RELA
-        Value:           0x398
-      - Tag:             DT_RELASZ
-        Value:           0xA8
-      - Tag:             DT_RELAENT
-        Value:           0x18
-      - Tag:             DT_VERNEED
-        Value:           0x378
-      - Tag:             DT_VERNEEDNUM
-        Value:           0x1
-      - Tag:             DT_VERSYM
-        Value:           0x364
-      - Tag:             DT_RELACOUNT
-        Value:           0x3
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-  - Name:            .got
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FC0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         '000E0100000000000000000000000000000000000000000000000000000000000000000000000000'
-  - Name:            .got.plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FE8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         000000000000000000000000000000000000000000000000A004000000000000A004000000000000A004000000000000
-  - Name:            .data
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11018
-    AddressAlign:    0x8
-    Content:         '1810010000000000'
-  - Name:            .bss
-    Type:            SHT_NOBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11020
-    AddressAlign:    0x1
-    Size:            0x8
-  - Name:            .comment
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_MERGE, SHF_STRINGS ]
-    AddressAlign:    0x1
-    EntSize:         0x1
-    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
-Symbols:
-  - Name:            .note.gnu.build-id
-    Type:            STT_SECTION
-    Section:         .note.gnu.build-id
-    Value:           0x1C8
-  - Name:            .gnu.hash
-    Type:            STT_SECTION
-    Section:         .gnu.hash
-    Value:           0x1F0
-  - Name:            .dynsym
-    Type:            STT_SECTION
-    Section:         .dynsym
-    Value:           0x218
-  - Name:            .dynstr
-    Type:            STT_SECTION
-    Section:         .dynstr
-    Value:           0x2F0
-  - Name:            .gnu.version
-    Type:            STT_SECTION
-    Section:         .gnu.version
-    Value:           0x364
-  - Name:            .gnu.version_r
-    Type:            STT_SECTION
-    Section:         .gnu.version_r
-    Value:           0x378
-  - Name:            .rela.dyn
-    Type:            STT_SECTION
-    Section:         .rela.dyn
-    Value:           0x398
-  - Name:            .rela.plt
-    Type:            STT_SECTION
-    Section:         .rela.plt
-    Value:           0x440
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x488
-  - Name:            .plt
-    Type:            STT_SECTION
-    Section:         .plt
-    Value:           0x4A0
-  - Name:            .text
-    Type:            STT_SECTION
-    Section:         .text
-    Value:           0x4F0
-  - Name:            .fini
-    Type:            STT_SECTION
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            .rodata
-    Type:            STT_SECTION
-    Section:         .rodata
-    Value:           0x608
-  - Name:            .eh_frame_hdr
-    Type:            STT_SECTION
-    Section:         .eh_frame_hdr
-    Value:           0x618
-  - Name:            .eh_frame
-    Type:            STT_SECTION
-    Section:         .eh_frame
-    Value:           0x650
-  - Name:            .init_array
-    Type:            STT_SECTION
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            .fini_array
-    Type:            STT_SECTION
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            .dynamic
-    Type:            STT_SECTION
-    Section:         .dynamic
-    Value:           0x10E00
-  - Name:            .got
-    Type:            STT_SECTION
-    Section:         .got
-    Value:           0x10FC0
-  - Name:            .got.plt
-    Type:            STT_SECTION
-    Section:         .got.plt
-    Value:           0x10FE8
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11018
-  - Name:            .bss
-    Type:            STT_SECTION
-    Section:         .bss
-    Value:           0x11020
-  - Name:            .comment
-    Type:            STT_SECTION
-    Section:         .comment
-  - Name:            crti.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x'
-    Section:         .text
-    Value:           0x4F0
-  - Name:            call_weak_fn
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x4F0
-    Size:            0x14
-  - Name:            '$x (1)'
-    Section:         .init
-    Value:           0x488
-  - Name:            '$x (2)'
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            crtn.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (3)'
-    Section:         .init
-    Value:           0x498
-  - Name:            '$x (4)'
-    Section:         .fini
-    Value:           0x600
-  - Name:            crtstuff.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (5)'
-    Section:         .text
-    Value:           0x510
-  - Name:            deregister_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x510
-  - Name:            register_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x540
-  - Name:            '$d'
-    Section:         .data
-    Value:           0x11018
-  - Name:            __do_global_dtors_aux
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x580
-  - Name:            completed.0
-    Type:            STT_OBJECT
-    Section:         .bss
-    Value:           0x11020
-    Size:            0x1
-  - Name:            '$d (1)'
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            __do_global_dtors_aux_fini_array_entry
-    Type:            STT_OBJECT
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            frame_dummy
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x5D0
-  - Name:            '$d (2)'
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            __frame_dummy_init_array_entry
-    Type:            STT_OBJECT
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            '$d (3)'
-    Section:         .eh_frame
-    Value:           0x664
-  - Name:            '$d (4)'
-    Section:         .bss
-    Value:           0x11020
-  - Name:            libA.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$d (5)'
-    Section:         .rodata
-    Value:           0x608
-  - Name:            '$x (6)'
-    Section:         .text
-    Value:           0x5D4
-  - Name:            '$d (6)'
-    Section:         .eh_frame
-    Value:           0x6C8
-  - Name:            'crtstuff.c (1)'
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$d (7)'
-    Section:         .eh_frame
-    Value:           0x6E8
-  - Name:            __FRAME_END__
-    Type:            STT_OBJECT
-    Section:         .eh_frame
-    Value:           0x6E8
-  - Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            _fini
-    Type:            STT_FUNC
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            __dso_handle
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11018
-  - Name:            _DYNAMIC
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10E00
-  - Name:            __GNU_EH_FRAME_HDR
-    Section:         .eh_frame_hdr
-    Value:           0x618
-  - Name:            __TMC_END__
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11020
-  - Name:            _GLOBAL_OFFSET_TABLE_
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10FC0
-  - Name:            _init
-    Type:            STT_FUNC
-    Section:         .init
-    Value:           0x488
-  - Name:            '$x (7)'
-    Section:         .plt
-    Value:           0x4A0
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            '__cxa_finalize at GLIBC_2.17'
-    Type:            STT_FUNC
-    Binding:         STB_WEAK
-  - Name:            sayA
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x5D4
-    Size:            0x20
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            'puts at GLIBC_2.17'
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-DynamicSymbols:
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x488
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11018
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            __cxa_finalize
-    Type:            STT_FUNC
-    Binding:         STB_WEAK
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            puts
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            sayA
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x5D4
-    Size:            0x20
-...
-
-
 --- !ELF
 FileHeader:
   Class:           ELFCLASS64
@@ -575,62 +10,73 @@ ProgramHeaders:
     FirstSec:        .note.gnu.property
     LastSec:         .rela.plt
     Align:           0x1000
+    Offset:          0x0
   - Type:            PT_LOAD
     Flags:           [ PF_X, PF_R ]
     FirstSec:        .init
     LastSec:         .fini
     VAddr:           0x1000
     Align:           0x1000
+    Offset:          0x1000
   - Type:            PT_LOAD
     Flags:           [ PF_R ]
     FirstSec:        .rodata
     LastSec:         .eh_frame
     VAddr:           0x2000
     Align:           0x1000
+    Offset:          0x2000
   - Type:            PT_LOAD
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .init_array
     LastSec:         .bss
     VAddr:           0x3E10
     Align:           0x1000
+    Offset:          0x2E10
   - Type:            PT_DYNAMIC
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .dynamic
     LastSec:         .dynamic
     VAddr:           0x3E20
     Align:           0x8
+    Offset:          0x2E20
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.build-id
     LastSec:         .note.gnu.build-id
     VAddr:           0x2C8
     Align:           0x4
+    Offset:          0x2C8
   - Type:            PT_GNU_PROPERTY
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_GNU_EH_FRAME
     Flags:           [ PF_R ]
     FirstSec:        .eh_frame_hdr
     LastSec:         .eh_frame_hdr
     VAddr:           0x2010
     Align:           0x4
+    Offset:          0x2010
   - Type:            PT_GNU_STACK
     Flags:           [ PF_W, PF_R ]
     Align:           0x10
+    Offset:          0x0
   - Type:            PT_GNU_RELRO
     Flags:           [ PF_R ]
     FirstSec:        .init_array
     LastSec:         .got
     VAddr:           0x3E10
+    Offset:          0x2E10
 Sections:
   - Name:            .note.gnu.property
     Type:            SHT_NOTE
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_linux.yaml
index 727b2a17a6845..fe4393e108d96 100644
--- a/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_linux.yaml
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/B/B_linux.yaml
@@ -1,568 +1,3 @@
---- !ELF
-FileHeader:
-  Class:           ELFCLASS64
-  Data:            ELFDATA2LSB
-  Type:            ET_DYN
-  Machine:         EM_AARCH64
-ProgramHeaders:
-  - Type:            PT_LOAD
-    Flags:           [ PF_X, PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .eh_frame
-    Align:           0x10000
-  - Type:            PT_LOAD
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .bss
-    VAddr:           0x10DF0
-    Align:           0x10000
-  - Type:            PT_DYNAMIC
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .dynamic
-    LastSec:         .dynamic
-    VAddr:           0x10E00
-    Align:           0x8
-  - Type:            PT_NOTE
-    Flags:           [ PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .note.gnu.build-id
-    VAddr:           0x1C8
-    Align:           0x4
-  - Type:            PT_GNU_EH_FRAME
-    Flags:           [ PF_R ]
-    FirstSec:        .eh_frame_hdr
-    LastSec:         .eh_frame_hdr
-    VAddr:           0x618
-    Align:           0x4
-  - Type:            PT_GNU_STACK
-    Flags:           [ PF_W, PF_R ]
-    Align:           0x10
-  - Type:            PT_GNU_RELRO
-    Flags:           [ PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .got
-    VAddr:           0x10DF0
-Sections:
-  - Name:            .note.gnu.build-id
-    Type:            SHT_NOTE
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1C8
-    AddressAlign:    0x4
-    Notes:
-      - Name:            GNU
-        Desc:            4A349C99A060CDC0E0CB4AB978068122B6C129D3
-        Type:            NT_PRPSINFO
-  - Name:            .gnu.hash
-    Type:            SHT_GNU_HASH
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1F0
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Header:
-      SymNdx:          0x8
-      Shift2:          0x6
-    BloomFilter:     [ 0x400000100000 ]
-    HashBuckets:     [ 0x8, 0x0 ]
-    HashValues:      [ 0x7C9DCB95 ]
-  - Name:            .dynsym
-    Type:            SHT_DYNSYM
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x218
-    Link:            .dynstr
-    AddressAlign:    0x8
-  - Name:            .dynstr
-    Type:            SHT_STRTAB
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x2F0
-    AddressAlign:    0x1
-  - Name:            .gnu.version
-    Type:            SHT_GNU_versym
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x364
-    Link:            .dynsym
-    AddressAlign:    0x2
-    Entries:         [ 0, 0, 0, 1, 2, 1, 2, 1, 1 ]
-  - Name:            .gnu.version_r
-    Type:            SHT_GNU_verneed
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x378
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Dependencies:
-      - Version:         1
-        File:            libc.so.6
-        Entries:
-          - Name:            GLIBC_2.17
-            Hash:            110530967
-            Flags:           0
-            Other:           2
-  - Name:            .rela.dyn
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x398
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Relocations:
-      - Offset:          0x10DF0
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1488
-      - Offset:          0x10DF8
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1408
-      - Offset:          0x11018
-        Type:            R_AARCH64_RELATIVE
-        Addend:          69656
-      - Offset:          0x10FC8
-        Symbol:          _ITM_deregisterTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD0
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD8
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FE0
-        Symbol:          _ITM_registerTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-  - Name:            .rela.plt
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
-    Address:         0x440
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Info:            .got.plt
-    Relocations:
-      - Offset:          0x11000
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11008
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11010
-        Symbol:          puts
-        Type:            R_AARCH64_JUMP_SLOT
-  - Name:            .init
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x488
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD03009117000094FD7BC1A8C0035FD6
-  - Name:            .plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x4A0
-    AddressAlign:    0x10
-    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6
-  - Name:            .text
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x4F0
-    AddressAlign:    0x10
-    Content:         8000009000EC47F9400000B4F5FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000800091810000B0218000913F0000EBC00000548100009021E447F9610000B4F00301AA00021FD6C0035FD6800000B000800091810000B021800091210000CB22FC7FD3410C818B21FC4193C10000B48200009042F047F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060824039400100358000009000E847F9800000B4800000B0000C40F9C5FFFF97D8FFFF972000805260820039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD0300910000009000201891BFFFFF971F2003D5FD7BC1A8C0035FD6
-  - Name:            .fini
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x5F4
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
-  - Name:            .rodata
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x608
-    AddressAlign:    0x8
-    Content:         48656C6C6F2066726F6D204200
-  - Name:            .eh_frame_hdr
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x618
-    AddressAlign:    0x4
-    Content:         011B033B3400000005000000F8FEFFFF4C00000028FFFFFF6000000068FFFFFF74000000B8FFFFFF98000000BCFFFFFFB0000000
-  - Name:            .eh_frame
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x650
-    AddressAlign:    0x8
-    Content:         1000000000000000017A520004781E011B0C1F001000000018000000A4FEFFFF3000000000000000100000002C000000C0FEFFFF3C000000000000002000000040000000ECFEFFFF4800000000410E209D049E034293024EDEDDD30E00000000140000006400000018FFFFFF0400000000000000000000001C0000007C00000004FFFFFF2000000000410E109D029E0146DEDD0E0000000000000000
-  - Name:            .init_array
-    Type:            SHT_INIT_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DF0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Offset:          0xDF0
-    Content:         D005000000000000
-  - Name:            .fini_array
-    Type:            SHT_FINI_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DF8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         '8005000000000000'
-  - Name:            .dynamic
-    Type:            SHT_DYNAMIC
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10E00
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Entries:
-      - Tag:             DT_NEEDED
-        Value:           0x5F
-      - Tag:             DT_INIT
-        Value:           0x488
-      - Tag:             DT_FINI
-        Value:           0x5F4
-      - Tag:             DT_INIT_ARRAY
-        Value:           0x10DF0
-      - Tag:             DT_INIT_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_FINI_ARRAY
-        Value:           0x10DF8
-      - Tag:             DT_FINI_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_GNU_HASH
-        Value:           0x1F0
-      - Tag:             DT_STRTAB
-        Value:           0x2F0
-      - Tag:             DT_SYMTAB
-        Value:           0x218
-      - Tag:             DT_STRSZ
-        Value:           0x74
-      - Tag:             DT_SYMENT
-        Value:           0x18
-      - Tag:             DT_PLTGOT
-        Value:           0x10FE8
-      - Tag:             DT_PLTRELSZ
-        Value:           0x48
-      - Tag:             DT_PLTREL
-        Value:           0x7
-      - Tag:             DT_JMPREL
-        Value:           0x440
-      - Tag:             DT_RELA
-        Value:           0x398
-      - Tag:             DT_RELASZ
-        Value:           0xA8
-      - Tag:             DT_RELAENT
-        Value:           0x18
-      - Tag:             DT_VERNEED
-        Value:           0x378
-      - Tag:             DT_VERNEEDNUM
-        Value:           0x1
-      - Tag:             DT_VERSYM
-        Value:           0x364
-      - Tag:             DT_RELACOUNT
-        Value:           0x3
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-  - Name:            .got
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FC0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         '000E0100000000000000000000000000000000000000000000000000000000000000000000000000'
-  - Name:            .got.plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FE8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         000000000000000000000000000000000000000000000000A004000000000000A004000000000000A004000000000000
-  - Name:            .data
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11018
-    AddressAlign:    0x8
-    Content:         '1810010000000000'
-  - Name:            .bss
-    Type:            SHT_NOBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11020
-    AddressAlign:    0x1
-    Size:            0x8
-  - Name:            .comment
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_MERGE, SHF_STRINGS ]
-    AddressAlign:    0x1
-    EntSize:         0x1
-    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
-Symbols:
-  - Name:            .note.gnu.build-id
-    Type:            STT_SECTION
-    Section:         .note.gnu.build-id
-    Value:           0x1C8
-  - Name:            .gnu.hash
-    Type:            STT_SECTION
-    Section:         .gnu.hash
-    Value:           0x1F0
-  - Name:            .dynsym
-    Type:            STT_SECTION
-    Section:         .dynsym
-    Value:           0x218
-  - Name:            .dynstr
-    Type:            STT_SECTION
-    Section:         .dynstr
-    Value:           0x2F0
-  - Name:            .gnu.version
-    Type:            STT_SECTION
-    Section:         .gnu.version
-    Value:           0x364
-  - Name:            .gnu.version_r
-    Type:            STT_SECTION
-    Section:         .gnu.version_r
-    Value:           0x378
-  - Name:            .rela.dyn
-    Type:            STT_SECTION
-    Section:         .rela.dyn
-    Value:           0x398
-  - Name:            .rela.plt
-    Type:            STT_SECTION
-    Section:         .rela.plt
-    Value:           0x440
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x488
-  - Name:            .plt
-    Type:            STT_SECTION
-    Section:         .plt
-    Value:           0x4A0
-  - Name:            .text
-    Type:            STT_SECTION
-    Section:         .text
-    Value:           0x4F0
-  - Name:            .fini
-    Type:            STT_SECTION
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            .rodata
-    Type:            STT_SECTION
-    Section:         .rodata
-    Value:           0x608
-  - Name:            .eh_frame_hdr
-    Type:            STT_SECTION
-    Section:         .eh_frame_hdr
-    Value:           0x618
-  - Name:            .eh_frame
-    Type:            STT_SECTION
-    Section:         .eh_frame
-    Value:           0x650
-  - Name:            .init_array
-    Type:            STT_SECTION
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            .fini_array
-    Type:            STT_SECTION
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            .dynamic
-    Type:            STT_SECTION
-    Section:         .dynamic
-    Value:           0x10E00
-  - Name:            .got
-    Type:            STT_SECTION
-    Section:         .got
-    Value:           0x10FC0
-  - Name:            .got.plt
-    Type:            STT_SECTION
-    Section:         .got.plt
-    Value:           0x10FE8
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11018
-  - Name:            .bss
-    Type:            STT_SECTION
-    Section:         .bss
-    Value:           0x11020
-  - Name:            .comment
-    Type:            STT_SECTION
-    Section:         .comment
-  - Name:            crti.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x'
-    Section:         .text
-    Value:           0x4F0
-  - Name:            call_weak_fn
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x4F0
-    Size:            0x14
-  - Name:            '$x (1)'
-    Section:         .init
-    Value:           0x488
-  - Name:            '$x (2)'
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            crtn.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (3)'
-    Section:         .init
-    Value:           0x498
-  - Name:            '$x (4)'
-    Section:         .fini
-    Value:           0x600
-  - Name:            crtstuff.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (5)'
-    Section:         .text
-    Value:           0x510
-  - Name:            deregister_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x510
-  - Name:            register_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x540
-  - Name:            '$d'
-    Section:         .data
-    Value:           0x11018
-  - Name:            __do_global_dtors_aux
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x580
-  - Name:            completed.0
-    Type:            STT_OBJECT
-    Section:         .bss
-    Value:           0x11020
-    Size:            0x1
-  - Name:            '$d (1)'
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            __do_global_dtors_aux_fini_array_entry
-    Type:            STT_OBJECT
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            frame_dummy
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x5D0
-  - Name:            '$d (2)'
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            __frame_dummy_init_array_entry
-    Type:            STT_OBJECT
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            '$d (3)'
-    Section:         .eh_frame
-    Value:           0x664
-  - Name:            '$d (4)'
-    Section:         .bss
-    Value:           0x11020
-  - Name:            libB.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$d (5)'
-    Section:         .rodata
-    Value:           0x608
-  - Name:            '$x (6)'
-    Section:         .text
-    Value:           0x5D4
-  - Name:            '$d (6)'
-    Section:         .eh_frame
-    Value:           0x6C8
-  - Name:            'crtstuff.c (1)'
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$d (7)'
-    Section:         .eh_frame
-    Value:           0x6E8
-  - Name:            __FRAME_END__
-    Type:            STT_OBJECT
-    Section:         .eh_frame
-    Value:           0x6E8
-  - Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            _fini
-    Type:            STT_FUNC
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            __dso_handle
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11018
-  - Name:            _DYNAMIC
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10E00
-  - Name:            __GNU_EH_FRAME_HDR
-    Section:         .eh_frame_hdr
-    Value:           0x618
-  - Name:            __TMC_END__
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11020
-  - Name:            _GLOBAL_OFFSET_TABLE_
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10FC0
-  - Name:            _init
-    Type:            STT_FUNC
-    Section:         .init
-    Value:           0x488
-  - Name:            '$x (7)'
-    Section:         .plt
-    Value:           0x4A0
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            '__cxa_finalize at GLIBC_2.17'
-    Type:            STT_FUNC
-    Binding:         STB_WEAK
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            'puts at GLIBC_2.17'
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            sayB
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x5D4
-    Size:            0x20
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-DynamicSymbols:
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x488
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11018
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            __cxa_finalize
-    Type:            STT_FUNC
-    Binding:         STB_WEAK
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            puts
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            sayB
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x5D4
-    Size:            0x20
-...
-
-
 --- !ELF
 FileHeader:
   Class:           ELFCLASS64
@@ -575,62 +10,73 @@ ProgramHeaders:
     FirstSec:        .note.gnu.property
     LastSec:         .rela.plt
     Align:           0x1000
+    Offset:          0x0
   - Type:            PT_LOAD
     Flags:           [ PF_X, PF_R ]
     FirstSec:        .init
     LastSec:         .fini
     VAddr:           0x1000
     Align:           0x1000
+    Offset:          0x1000
   - Type:            PT_LOAD
     Flags:           [ PF_R ]
     FirstSec:        .rodata
     LastSec:         .eh_frame
     VAddr:           0x2000
     Align:           0x1000
+    Offset:          0x2000
   - Type:            PT_LOAD
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .init_array
     LastSec:         .bss
     VAddr:           0x3E10
     Align:           0x1000
+    Offset:          0x2E10
   - Type:            PT_DYNAMIC
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .dynamic
     LastSec:         .dynamic
     VAddr:           0x3E20
     Align:           0x8
+    Offset:          0x2E20
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.build-id
     LastSec:         .note.gnu.build-id
     VAddr:           0x2C8
     Align:           0x4
+    Offset:          0x2C8
   - Type:            PT_GNU_PROPERTY
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_GNU_EH_FRAME
     Flags:           [ PF_R ]
     FirstSec:        .eh_frame_hdr
     LastSec:         .eh_frame_hdr
     VAddr:           0x2010
     Align:           0x4
+    Offset:          0x2010
   - Type:            PT_GNU_STACK
     Flags:           [ PF_W, PF_R ]
     Align:           0x10
+    Offset:          0x0
   - Type:            PT_GNU_RELRO
     Flags:           [ PF_R ]
     FirstSec:        .init_array
     LastSec:         .got
     VAddr:           0x3E10
+    Offset:          0x2E10
 Sections:
   - Name:            .note.gnu.property
     Type:            SHT_NOTE
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_linux.yaml
index 04be5b0fced6f..52e90b2b93f12 100644
--- a/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_linux.yaml
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/C/C_linux.yaml
@@ -1,553 +1,3 @@
---- !ELF
-FileHeader:
-  Class:           ELFCLASS64
-  Data:            ELFDATA2LSB
-  Type:            ET_DYN
-  Machine:         EM_AARCH64
-ProgramHeaders:
-  - Type:            PT_LOAD
-    Flags:           [ PF_X, PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .eh_frame
-    Align:           0x10000
-  - Type:            PT_LOAD
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .bss
-    VAddr:           0x10DE0
-    Align:           0x10000
-  - Type:            PT_DYNAMIC
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .dynamic
-    LastSec:         .dynamic
-    VAddr:           0x10DF0
-    Align:           0x8
-  - Type:            PT_NOTE
-    Flags:           [ PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .note.gnu.build-id
-    VAddr:           0x1C8
-    Align:           0x4
-  - Type:            PT_GNU_EH_FRAME
-    Flags:           [ PF_R ]
-    FirstSec:        .eh_frame_hdr
-    LastSec:         .eh_frame_hdr
-    VAddr:           0x6EC
-    Align:           0x4
-  - Type:            PT_GNU_STACK
-    Flags:           [ PF_W, PF_R ]
-    Align:           0x10
-  - Type:            PT_GNU_RELRO
-    Flags:           [ PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .got
-    VAddr:           0x10DE0
-Sections:
-  - Name:            .note.gnu.build-id
-    Type:            SHT_NOTE
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1C8
-    AddressAlign:    0x4
-    Notes:
-      - Name:            GNU
-        Desc:            CE6688FAF21CE0B5FDBC6A7817028D18B44A4B79
-        Type:            NT_PRPSINFO
-  - Name:            .gnu.hash
-    Type:            SHT_GNU_HASH
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1F0
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Header:
-      SymNdx:          0xB
-      Shift2:          0x6
-    BloomFilter:     [ 0x400000200000 ]
-    HashBuckets:     [ 0x0, 0xB ]
-    HashValues:      [ 0x7C9DCB95 ]
-  - Name:            .dynsym
-    Type:            SHT_DYNSYM
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x218
-    Link:            .dynstr
-    AddressAlign:    0x8
-  - Name:            .dynstr
-    Type:            SHT_STRTAB
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x338
-    AddressAlign:    0x1
-  - Name:            .rela.dyn
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x400
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Relocations:
-      - Offset:          0x10DE0
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1712
-      - Offset:          0x10DE8
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1632
-      - Offset:          0x11030
-        Type:            R_AARCH64_RELATIVE
-        Addend:          69680
-      - Offset:          0x10FC8
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD0
-        Symbol:          _ITM_registerTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD8
-        Symbol:          _ITM_deregisterTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FE0
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_GLOB_DAT
-  - Name:            .rela.plt
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
-    Address:         0x4A8
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Info:            .got.plt
-    Relocations:
-      - Offset:          0x11000
-        Symbol:          sayD
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11008
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11010
-        Symbol:          sayA
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11018
-        Symbol:          sayB
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11020
-        Symbol:          sayZ
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11028
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_JUMP_SLOT
-  - Name:            .init
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x538
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD03009123000094FD7BC1A8C0035FD6
-  - Name:            .plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x550
-    AddressAlign:    0x10
-    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6900000B0110E40F91062009120021FD6900000B0111240F91082009120021FD6900000B0111640F910A2009120021FD6
-  - Name:            .text
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x5D0
-    AddressAlign:    0x10
-    Content:         8000009000F047F9400000B4F9FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000E00091810000B021E000913F0000EBC00000548100009021EC47F9610000B4F00301AA00021FD6C0035FD6800000B000E00091810000B021E00091210000CB22FC7FD3410C818B21FC4193C10000B48200009042E847F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060E24039400100358000009000E447F9800000B4800000B0001840F9BDFFFF97D8FFFF972000805260E20039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD030091B5FFFF97B8FFFF97ABFFFF97BAFFFF971F2003D5FD7BC1A8C0035FD6
-  - Name:            .fini
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x6D8
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
-  - Name:            .eh_frame_hdr
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x6EC
-    AddressAlign:    0x4
-    Content:         011B033B300000000500000004FFFFFF4800000034FFFFFF5C00000074FFFFFF70000000C4FFFFFF94000000C8FFFFFFAC000000
-  - Name:            .eh_frame
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x720
-    AddressAlign:    0x8
-    Content:         1000000000000000017A520004781E011B0C1F001000000018000000B4FEFFFF3000000000000000100000002C000000D0FEFFFF3C000000000000002000000040000000FCFEFFFF4800000000410E209D049E034293024EDEDDD30E00000000140000006400000028FFFFFF0400000000000000000000001C0000007C00000014FFFFFF2400000000410E109D029E0147DEDD0E0000000000000000
-  - Name:            .init_array
-    Type:            SHT_INIT_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DE0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Offset:          0xDE0
-    Content:         B006000000000000
-  - Name:            .fini_array
-    Type:            SHT_FINI_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DE8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         '6006000000000000'
-  - Name:            .dynamic
-    Type:            SHT_DYNAMIC
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DF0
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Entries:
-      - Tag:             DT_NEEDED
-        Value:           0x6E
-      - Tag:             DT_NEEDED
-        Value:           0x76
-      - Tag:             DT_NEEDED
-        Value:           0x7E
-      - Tag:             DT_NEEDED
-        Value:           0x86
-      - Tag:             DT_RUNPATH
-        Value:           0x8E
-      - Tag:             DT_INIT
-        Value:           0x538
-      - Tag:             DT_FINI
-        Value:           0x6D8
-      - Tag:             DT_INIT_ARRAY
-        Value:           0x10DE0
-      - Tag:             DT_INIT_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_FINI_ARRAY
-        Value:           0x10DE8
-      - Tag:             DT_FINI_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_GNU_HASH
-        Value:           0x1F0
-      - Tag:             DT_STRTAB
-        Value:           0x338
-      - Tag:             DT_SYMTAB
-        Value:           0x218
-      - Tag:             DT_STRSZ
-        Value:           0xC2
-      - Tag:             DT_SYMENT
-        Value:           0x18
-      - Tag:             DT_PLTGOT
-        Value:           0x10FE8
-      - Tag:             DT_PLTRELSZ
-        Value:           0x90
-      - Tag:             DT_PLTREL
-        Value:           0x7
-      - Tag:             DT_JMPREL
-        Value:           0x4A8
-      - Tag:             DT_RELA
-        Value:           0x400
-      - Tag:             DT_RELASZ
-        Value:           0xA8
-      - Tag:             DT_RELAENT
-        Value:           0x18
-      - Tag:             DT_RELACOUNT
-        Value:           0x3
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-  - Name:            .got
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FC0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         F00D0100000000000000000000000000000000000000000000000000000000000000000000000000
-  - Name:            .got.plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FE8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         '000000000000000000000000000000000000000000000000500500000000000050050000000000005005000000000000500500000000000050050000000000005005000000000000'
-  - Name:            .data
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11030
-    AddressAlign:    0x8
-    Content:         '3010010000000000'
-  - Name:            .bss
-    Type:            SHT_NOBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11038
-    AddressAlign:    0x1
-    Size:            0x8
-  - Name:            .comment
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_MERGE, SHF_STRINGS ]
-    AddressAlign:    0x1
-    EntSize:         0x1
-    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
-Symbols:
-  - Name:            .note.gnu.build-id
-    Type:            STT_SECTION
-    Section:         .note.gnu.build-id
-    Value:           0x1C8
-  - Name:            .gnu.hash
-    Type:            STT_SECTION
-    Section:         .gnu.hash
-    Value:           0x1F0
-  - Name:            .dynsym
-    Type:            STT_SECTION
-    Section:         .dynsym
-    Value:           0x218
-  - Name:            .dynstr
-    Type:            STT_SECTION
-    Section:         .dynstr
-    Value:           0x338
-  - Name:            .rela.dyn
-    Type:            STT_SECTION
-    Section:         .rela.dyn
-    Value:           0x400
-  - Name:            .rela.plt
-    Type:            STT_SECTION
-    Section:         .rela.plt
-    Value:           0x4A8
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x538
-  - Name:            .plt
-    Type:            STT_SECTION
-    Section:         .plt
-    Value:           0x550
-  - Name:            .text
-    Type:            STT_SECTION
-    Section:         .text
-    Value:           0x5D0
-  - Name:            .fini
-    Type:            STT_SECTION
-    Section:         .fini
-    Value:           0x6D8
-  - Name:            .eh_frame_hdr
-    Type:            STT_SECTION
-    Section:         .eh_frame_hdr
-    Value:           0x6EC
-  - Name:            .eh_frame
-    Type:            STT_SECTION
-    Section:         .eh_frame
-    Value:           0x720
-  - Name:            .init_array
-    Type:            STT_SECTION
-    Section:         .init_array
-    Value:           0x10DE0
-  - Name:            .fini_array
-    Type:            STT_SECTION
-    Section:         .fini_array
-    Value:           0x10DE8
-  - Name:            .dynamic
-    Type:            STT_SECTION
-    Section:         .dynamic
-    Value:           0x10DF0
-  - Name:            .got
-    Type:            STT_SECTION
-    Section:         .got
-    Value:           0x10FC0
-  - Name:            .got.plt
-    Type:            STT_SECTION
-    Section:         .got.plt
-    Value:           0x10FE8
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11030
-  - Name:            .bss
-    Type:            STT_SECTION
-    Section:         .bss
-    Value:           0x11038
-  - Name:            .comment
-    Type:            STT_SECTION
-    Section:         .comment
-  - Name:            crti.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x'
-    Section:         .text
-    Value:           0x5D0
-  - Name:            call_weak_fn
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x5D0
-    Size:            0x14
-  - Name:            '$x (1)'
-    Section:         .init
-    Value:           0x538
-  - Name:            '$x (2)'
-    Section:         .fini
-    Value:           0x6D8
-  - Name:            crtn.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (3)'
-    Section:         .init
-    Value:           0x548
-  - Name:            '$x (4)'
-    Section:         .fini
-    Value:           0x6E4
-  - Name:            crtstuff.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (5)'
-    Section:         .text
-    Value:           0x5F0
-  - Name:            deregister_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x5F0
-  - Name:            register_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x620
-  - Name:            '$d'
-    Section:         .data
-    Value:           0x11030
-  - Name:            __do_global_dtors_aux
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x660
-  - Name:            completed.0
-    Type:            STT_OBJECT
-    Section:         .bss
-    Value:           0x11038
-    Size:            0x1
-  - Name:            '$d (1)'
-    Section:         .fini_array
-    Value:           0x10DE8
-  - Name:            __do_global_dtors_aux_fini_array_entry
-    Type:            STT_OBJECT
-    Section:         .fini_array
-    Value:           0x10DE8
-  - Name:            frame_dummy
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x6B0
-  - Name:            '$d (2)'
-    Section:         .init_array
-    Value:           0x10DE0
-  - Name:            __frame_dummy_init_array_entry
-    Type:            STT_OBJECT
-    Section:         .init_array
-    Value:           0x10DE0
-  - Name:            '$d (3)'
-    Section:         .eh_frame
-    Value:           0x734
-  - Name:            '$d (4)'
-    Section:         .bss
-    Value:           0x11038
-  - Name:            libC.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (6)'
-    Section:         .text
-    Value:           0x6B4
-  - Name:            '$d (5)'
-    Section:         .eh_frame
-    Value:           0x798
-  - Name:            'crtstuff.c (1)'
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$d (6)'
-    Section:         .eh_frame
-    Value:           0x7B8
-  - Name:            __FRAME_END__
-    Type:            STT_OBJECT
-    Section:         .eh_frame
-    Value:           0x7B8
-  - Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            _DYNAMIC
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10DF0
-  - Name:            __TMC_END__
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11038
-  - Name:            __dso_handle
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11030
-  - Name:            _init
-    Type:            STT_FUNC
-    Section:         .init
-    Value:           0x538
-  - Name:            __GNU_EH_FRAME_HDR
-    Section:         .eh_frame_hdr
-    Value:           0x6EC
-  - Name:            _fini
-    Type:            STT_FUNC
-    Section:         .fini
-    Value:           0x6D8
-  - Name:            _GLOBAL_OFFSET_TABLE_
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10FC0
-  - Name:            '$x (7)'
-    Section:         .plt
-    Value:           0x550
-  - Name:            sayD
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            __cxa_finalize
-    Binding:         STB_WEAK
-  - Name:            sayC
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x6B4
-    Size:            0x24
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            sayA
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            sayB
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            sayZ
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-DynamicSymbols:
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x538
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11030
-  - Name:            sayD
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            __cxa_finalize
-    Binding:         STB_WEAK
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            sayA
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            sayB
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            sayZ
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            sayC
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x6B4
-    Size:            0x24
-...
-
-
 --- !ELF
 FileHeader:
   Class:           ELFCLASS64
@@ -560,62 +10,73 @@ ProgramHeaders:
     FirstSec:        .note.gnu.property
     LastSec:         .rela.plt
     Align:           0x1000
+    Offset:          0x0
   - Type:            PT_LOAD
     Flags:           [ PF_X, PF_R ]
     FirstSec:        .init
     LastSec:         .fini
     VAddr:           0x1000
     Align:           0x1000
+    Offset:          0x1000
   - Type:            PT_LOAD
     Flags:           [ PF_R ]
     FirstSec:        .eh_frame_hdr
     LastSec:         .eh_frame
     VAddr:           0x2000
     Align:           0x1000
+    Offset:          0x2000
   - Type:            PT_LOAD
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .init_array
     LastSec:         .bss
     VAddr:           0x3E00
     Align:           0x1000
+    Offset:          0x2E00
   - Type:            PT_DYNAMIC
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .dynamic
     LastSec:         .dynamic
     VAddr:           0x3E10
     Align:           0x8
+    Offset:          0x2E10
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.build-id
     LastSec:         .note.gnu.build-id
     VAddr:           0x2C8
     Align:           0x4
+    Offset:          0x2C8
   - Type:            PT_GNU_PROPERTY
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_GNU_EH_FRAME
     Flags:           [ PF_R ]
     FirstSec:        .eh_frame_hdr
     LastSec:         .eh_frame_hdr
     VAddr:           0x2000
     Align:           0x4
+    Offset:          0x2000
   - Type:            PT_GNU_STACK
     Flags:           [ PF_W, PF_R ]
     Align:           0x10
+    Offset:          0x0
   - Type:            PT_GNU_RELRO
     Flags:           [ PF_R ]
     FirstSec:        .init_array
     LastSec:         .got
     VAddr:           0x3E00
+    Offset:          0x2E00
 Sections:
   - Name:            .note.gnu.property
     Type:            SHT_NOTE
@@ -658,6 +119,7 @@ Sections:
     Flags:           [ SHF_ALLOC ]
     Address:         0x408
     AddressAlign:    0x1
+    Content:         "6C6962412E736F006C6962422E736F006C6962442E736F006C69625A2E736F00244F524947494E2F2E2E2F413A244F524947494E2F2E2E2F423A244F524947494E2F2E2E2F443A244F524947494E2F2E2E2F5A"
   - Name:            .rela.dyn
     Type:            SHT_RELA
     Flags:           [ SHF_ALLOC ]
@@ -782,15 +244,15 @@ Sections:
     AddressAlign:    0x8
     Entries:
       - Tag:             DT_NEEDED
-        Value:           0x6E
+        Value:           0x0
       - Tag:             DT_NEEDED
-        Value:           0x76
+        Value:           0x08
       - Tag:             DT_NEEDED
-        Value:           0x7E
+        Value:           0x10
       - Tag:             DT_NEEDED
-        Value:           0x86
+        Value:           0x18
       - Tag:             DT_RUNPATH
-        Value:           0x8E
+        Value:           0x20
       - Tag:             DT_INIT
         Value:           0x1000
       - Tag:             DT_FINI
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_linux.yaml
index 1ddd59fb8d889..f4f2f36b1486d 100644
--- a/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_linux.yaml
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/D/D_linux.yaml
@@ -1,586 +1,3 @@
---- !ELF
-FileHeader:
-  Class:           ELFCLASS64
-  Data:            ELFDATA2LSB
-  Type:            ET_DYN
-  Machine:         EM_AARCH64
-ProgramHeaders:
-  - Type:            PT_LOAD
-    Flags:           [ PF_X, PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .eh_frame
-    Align:           0x10000
-  - Type:            PT_LOAD
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .bss
-    VAddr:           0x10DD0
-    Align:           0x10000
-  - Type:            PT_DYNAMIC
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .dynamic
-    LastSec:         .dynamic
-    VAddr:           0x10DE0
-    Align:           0x8
-  - Type:            PT_NOTE
-    Flags:           [ PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .note.gnu.build-id
-    VAddr:           0x1C8
-    Align:           0x4
-  - Type:            PT_GNU_EH_FRAME
-    Flags:           [ PF_R ]
-    FirstSec:        .eh_frame_hdr
-    LastSec:         .eh_frame_hdr
-    VAddr:           0x690
-    Align:           0x4
-  - Type:            PT_GNU_STACK
-    Flags:           [ PF_W, PF_R ]
-    Align:           0x10
-  - Type:            PT_GNU_RELRO
-    Flags:           [ PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .got
-    VAddr:           0x10DD0
-Sections:
-  - Name:            .note.gnu.build-id
-    Type:            SHT_NOTE
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1C8
-    AddressAlign:    0x4
-    Notes:
-      - Name:            GNU
-        Desc:            1A4D03066AFB2AAEDB8EE49AFE1837FB696B898B
-        Type:            NT_PRPSINFO
-  - Name:            .gnu.hash
-    Type:            SHT_GNU_HASH
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1F0
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Header:
-      SymNdx:          0x9
-      Shift2:          0x6
-    BloomFilter:     [ 0x400000400000 ]
-    HashBuckets:     [ 0x9, 0x0 ]
-    HashValues:      [ 0x7C9DCB97 ]
-  - Name:            .dynsym
-    Type:            SHT_DYNSYM
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x218
-    Link:            .dynstr
-    AddressAlign:    0x8
-  - Name:            .dynstr
-    Type:            SHT_STRTAB
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x308
-    AddressAlign:    0x1
-  - Name:            .gnu.version
-    Type:            SHT_GNU_versym
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x396
-    Link:            .dynsym
-    AddressAlign:    0x2
-    Entries:         [ 0, 0, 0, 1, 2, 1, 1, 2, 1, 1 ]
-  - Name:            .gnu.version_r
-    Type:            SHT_GNU_verneed
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x3B0
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Dependencies:
-      - Version:         1
-        File:            libc.so.6
-        Entries:
-          - Name:            GLIBC_2.17
-            Hash:            110530967
-            Flags:           0
-            Other:           2
-  - Name:            .rela.dyn
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x3D0
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Relocations:
-      - Offset:          0x10DD0
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1584
-      - Offset:          0x10DD8
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1504
-      - Offset:          0x11020
-        Type:            R_AARCH64_RELATIVE
-        Addend:          69664
-      - Offset:          0x10FC8
-        Symbol:          _ITM_deregisterTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD0
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD8
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FE0
-        Symbol:          _ITM_registerTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-  - Name:            .rela.plt
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
-    Address:         0x478
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Info:            .got.plt
-    Relocations:
-      - Offset:          0x11000
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11008
-        Symbol:          sayA
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11010
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11018
-        Symbol:          puts
-        Type:            R_AARCH64_JUMP_SLOT
-  - Name:            .init
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x4D8
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD0300911B000094FD7BC1A8C0035FD6
-  - Name:            .plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x4F0
-    AddressAlign:    0x10
-    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6900000B0110E40F91062009120021FD6
-  - Name:            .text
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x550
-    AddressAlign:    0x10
-    Content:         8000009000EC47F9400000B4F5FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000A00091810000B021A000913F0000EBC00000548100009021E447F9610000B4F00301AA00021FD6C0035FD6800000B000A00091810000B021A00091210000CB22FC7FD3410C818B21FC4193C10000B48200009042F047F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060A24039400100358000009000E847F9800000B4800000B0001040F9C1FFFF97D8FFFF972000805260A20039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD030091B9FFFF971F2003D5FD7BC1A8C0035FD6FD7BBFA9FD0300910000009000001A91B9FFFF971F2003D5FD7BC1A8C0035FD6
-  - Name:            .fini
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x66C
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
-  - Name:            .rodata
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x680
-    AddressAlign:    0x8
-    Content:         48656C6C6F2066726F6D20442100
-  - Name:            .eh_frame_hdr
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x690
-    AddressAlign:    0x4
-    Content:         011B033B3C00000006000000E0FEFFFF5400000010FFFFFF6800000050FFFFFF7C000000A0FFFFFFA0000000A4FFFFFFB8000000BCFFFFFFD8000000
-  - Name:            .eh_frame
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x6D0
-    AddressAlign:    0x8
-    Content:         1000000000000000017A520004781E011B0C1F00100000001800000084FEFFFF3000000000000000100000002C000000A0FEFFFF3C000000000000002000000040000000CCFEFFFF4800000000410E209D049E034293024EDEDDD30E000000001400000064000000F8FEFFFF0400000000000000000000001C0000007C000000E4FEFFFF1800000000410E109D029E0144DEDD0E000000001C0000009C000000DCFEFFFF2000000000410E109D029E0146DEDD0E0000000000000000
-  - Name:            .init_array
-    Type:            SHT_INIT_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DD0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Offset:          0xDD0
-    Content:         '3006000000000000'
-  - Name:            .fini_array
-    Type:            SHT_FINI_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DD8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         E005000000000000
-  - Name:            .dynamic
-    Type:            SHT_DYNAMIC
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DE0
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Entries:
-      - Tag:             DT_NEEDED
-        Value:           0x64
-      - Tag:             DT_NEEDED
-        Value:           0x6C
-      - Tag:             DT_RUNPATH
-        Value:           0x81
-      - Tag:             DT_INIT
-        Value:           0x4D8
-      - Tag:             DT_FINI
-        Value:           0x66C
-      - Tag:             DT_INIT_ARRAY
-        Value:           0x10DD0
-      - Tag:             DT_INIT_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_FINI_ARRAY
-        Value:           0x10DD8
-      - Tag:             DT_FINI_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_GNU_HASH
-        Value:           0x1F0
-      - Tag:             DT_STRTAB
-        Value:           0x308
-      - Tag:             DT_SYMTAB
-        Value:           0x218
-      - Tag:             DT_STRSZ
-        Value:           0x8E
-      - Tag:             DT_SYMENT
-        Value:           0x18
-      - Tag:             DT_PLTGOT
-        Value:           0x10FE8
-      - Tag:             DT_PLTRELSZ
-        Value:           0x60
-      - Tag:             DT_PLTREL
-        Value:           0x7
-      - Tag:             DT_JMPREL
-        Value:           0x478
-      - Tag:             DT_RELA
-        Value:           0x3D0
-      - Tag:             DT_RELASZ
-        Value:           0xA8
-      - Tag:             DT_RELAENT
-        Value:           0x18
-      - Tag:             DT_VERNEED
-        Value:           0x3B0
-      - Tag:             DT_VERNEEDNUM
-        Value:           0x1
-      - Tag:             DT_VERSYM
-        Value:           0x396
-      - Tag:             DT_RELACOUNT
-        Value:           0x3
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-  - Name:            .got
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FC0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         E00D0100000000000000000000000000000000000000000000000000000000000000000000000000
-  - Name:            .got.plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FE8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         000000000000000000000000000000000000000000000000F004000000000000F004000000000000F004000000000000F004000000000000
-  - Name:            .data
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11020
-    AddressAlign:    0x8
-    Content:         '2010010000000000'
-  - Name:            .bss
-    Type:            SHT_NOBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11028
-    AddressAlign:    0x1
-    Size:            0x8
-  - Name:            .comment
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_MERGE, SHF_STRINGS ]
-    AddressAlign:    0x1
-    EntSize:         0x1
-    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
-Symbols:
-  - Name:            .note.gnu.build-id
-    Type:            STT_SECTION
-    Section:         .note.gnu.build-id
-    Value:           0x1C8
-  - Name:            .gnu.hash
-    Type:            STT_SECTION
-    Section:         .gnu.hash
-    Value:           0x1F0
-  - Name:            .dynsym
-    Type:            STT_SECTION
-    Section:         .dynsym
-    Value:           0x218
-  - Name:            .dynstr
-    Type:            STT_SECTION
-    Section:         .dynstr
-    Value:           0x308
-  - Name:            .gnu.version
-    Type:            STT_SECTION
-    Section:         .gnu.version
-    Value:           0x396
-  - Name:            .gnu.version_r
-    Type:            STT_SECTION
-    Section:         .gnu.version_r
-    Value:           0x3B0
-  - Name:            .rela.dyn
-    Type:            STT_SECTION
-    Section:         .rela.dyn
-    Value:           0x3D0
-  - Name:            .rela.plt
-    Type:            STT_SECTION
-    Section:         .rela.plt
-    Value:           0x478
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x4D8
-  - Name:            .plt
-    Type:            STT_SECTION
-    Section:         .plt
-    Value:           0x4F0
-  - Name:            .text
-    Type:            STT_SECTION
-    Section:         .text
-    Value:           0x550
-  - Name:            .fini
-    Type:            STT_SECTION
-    Section:         .fini
-    Value:           0x66C
-  - Name:            .rodata
-    Type:            STT_SECTION
-    Section:         .rodata
-    Value:           0x680
-  - Name:            .eh_frame_hdr
-    Type:            STT_SECTION
-    Section:         .eh_frame_hdr
-    Value:           0x690
-  - Name:            .eh_frame
-    Type:            STT_SECTION
-    Section:         .eh_frame
-    Value:           0x6D0
-  - Name:            .init_array
-    Type:            STT_SECTION
-    Section:         .init_array
-    Value:           0x10DD0
-  - Name:            .fini_array
-    Type:            STT_SECTION
-    Section:         .fini_array
-    Value:           0x10DD8
-  - Name:            .dynamic
-    Type:            STT_SECTION
-    Section:         .dynamic
-    Value:           0x10DE0
-  - Name:            .got
-    Type:            STT_SECTION
-    Section:         .got
-    Value:           0x10FC0
-  - Name:            .got.plt
-    Type:            STT_SECTION
-    Section:         .got.plt
-    Value:           0x10FE8
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11020
-  - Name:            .bss
-    Type:            STT_SECTION
-    Section:         .bss
-    Value:           0x11028
-  - Name:            .comment
-    Type:            STT_SECTION
-    Section:         .comment
-  - Name:            crti.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x'
-    Section:         .text
-    Value:           0x550
-  - Name:            call_weak_fn
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x550
-    Size:            0x14
-  - Name:            '$x (1)'
-    Section:         .init
-    Value:           0x4D8
-  - Name:            '$x (2)'
-    Section:         .fini
-    Value:           0x66C
-  - Name:            crtn.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (3)'
-    Section:         .init
-    Value:           0x4E8
-  - Name:            '$x (4)'
-    Section:         .fini
-    Value:           0x678
-  - Name:            crtstuff.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (5)'
-    Section:         .text
-    Value:           0x570
-  - Name:            deregister_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x570
-  - Name:            register_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x5A0
-  - Name:            '$d'
-    Section:         .data
-    Value:           0x11020
-  - Name:            __do_global_dtors_aux
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x5E0
-  - Name:            completed.0
-    Type:            STT_OBJECT
-    Section:         .bss
-    Value:           0x11028
-    Size:            0x1
-  - Name:            '$d (1)'
-    Section:         .fini_array
-    Value:           0x10DD8
-  - Name:            __do_global_dtors_aux_fini_array_entry
-    Type:            STT_OBJECT
-    Section:         .fini_array
-    Value:           0x10DD8
-  - Name:            frame_dummy
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x630
-  - Name:            '$d (2)'
-    Section:         .init_array
-    Value:           0x10DD0
-  - Name:            __frame_dummy_init_array_entry
-    Type:            STT_OBJECT
-    Section:         .init_array
-    Value:           0x10DD0
-  - Name:            '$d (3)'
-    Section:         .eh_frame
-    Value:           0x6E4
-  - Name:            '$d (4)'
-    Section:         .bss
-    Value:           0x11028
-  - Name:            libD.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (6)'
-    Section:         .text
-    Value:           0x634
-  - Name:            keepSayA
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x634
-    Size:            0x18
-  - Name:            '$d (5)'
-    Section:         .rodata
-    Value:           0x680
-  - Name:            '$d (6)'
-    Section:         .eh_frame
-    Value:           0x748
-  - Name:            'crtstuff.c (1)'
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$d (7)'
-    Section:         .eh_frame
-    Value:           0x788
-  - Name:            __FRAME_END__
-    Type:            STT_OBJECT
-    Section:         .eh_frame
-    Value:           0x788
-  - Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            _fini
-    Type:            STT_FUNC
-    Section:         .fini
-    Value:           0x66C
-  - Name:            __dso_handle
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11020
-  - Name:            _DYNAMIC
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10DE0
-  - Name:            __GNU_EH_FRAME_HDR
-    Section:         .eh_frame_hdr
-    Value:           0x690
-  - Name:            __TMC_END__
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11028
-  - Name:            _GLOBAL_OFFSET_TABLE_
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10FC0
-  - Name:            _init
-    Type:            STT_FUNC
-    Section:         .init
-    Value:           0x4D8
-  - Name:            '$x (7)'
-    Section:         .plt
-    Value:           0x4F0
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            '__cxa_finalize at GLIBC_2.17'
-    Type:            STT_FUNC
-    Binding:         STB_WEAK
-  - Name:            sayA
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            'puts at GLIBC_2.17'
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            sayD
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x64C
-    Size:            0x20
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-DynamicSymbols:
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x4D8
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11020
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            __cxa_finalize
-    Type:            STT_FUNC
-    Binding:         STB_WEAK
-  - Name:            sayA
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            puts
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            sayD
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x64C
-    Size:            0x20
-...
-
-
 --- !ELF
 FileHeader:
   Class:           ELFCLASS64
@@ -593,62 +10,73 @@ ProgramHeaders:
     FirstSec:        .note.gnu.property
     LastSec:         .rela.plt
     Align:           0x1000
+    Offset:          0x0
   - Type:            PT_LOAD
     Flags:           [ PF_X, PF_R ]
     FirstSec:        .init
     LastSec:         .fini
     VAddr:           0x1000
     Align:           0x1000
+    Offset:          0x1000
   - Type:            PT_LOAD
     Flags:           [ PF_R ]
     FirstSec:        .rodata
     LastSec:         .eh_frame
     VAddr:           0x2000
     Align:           0x1000
+    Offset:          0x2000
   - Type:            PT_LOAD
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .init_array
     LastSec:         .bss
     VAddr:           0x3DF0
     Align:           0x1000
+    Offset:          0x2DF0
   - Type:            PT_DYNAMIC
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .dynamic
     LastSec:         .dynamic
     VAddr:           0x3E00
     Align:           0x8
+    Offset:          0x2E00
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.build-id
     LastSec:         .note.gnu.build-id
     VAddr:           0x2C8
     Align:           0x4
+    Offset:          0x2C8
   - Type:            PT_GNU_PROPERTY
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_GNU_EH_FRAME
     Flags:           [ PF_R ]
     FirstSec:        .eh_frame_hdr
     LastSec:         .eh_frame_hdr
     VAddr:           0x2010
     Align:           0x4
+    Offset:          0x2010
   - Type:            PT_GNU_STACK
     Flags:           [ PF_W, PF_R ]
     Align:           0x10
+    Offset:          0x0
   - Type:            PT_GNU_RELRO
     Flags:           [ PF_R ]
     FirstSec:        .init_array
     LastSec:         .got
     VAddr:           0x3DF0
+    Offset:          0x2DF0
 Sections:
   - Name:            .note.gnu.property
     Type:            SHT_NOTE
@@ -691,6 +119,7 @@ Sections:
     Flags:           [ SHF_ALLOC ]
     Address:         0x3D8
     AddressAlign:    0x1
+    Content:         "6C6962412E736F006C6962632E736F2E3600244F524947494E2F2E2E2F4100"
   - Name:            .gnu.version
     Type:            SHT_GNU_versym
     Flags:           [ SHF_ALLOC ]
@@ -836,11 +265,11 @@ Sections:
     AddressAlign:    0x8
     Entries:
       - Tag:             DT_NEEDED
-        Value:           0x64
+        Value:           0x00
       - Tag:             DT_NEEDED
-        Value:           0x6C
+        Value:           0x08
       - Tag:             DT_RUNPATH
-        Value:           0x82
+        Value:           0x12
       - Tag:             DT_INIT
         Value:           0x1000
       - Tag:             DT_FINI
diff --git a/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml b/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml
index 749a401c97903..5561f29a93602 100644
--- a/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml
+++ b/llvm/unittests/ExecutionEngine/Orc/Inputs/Z/Z_linux.yaml
@@ -1,568 +1,3 @@
---- !ELF
-FileHeader:
-  Class:           ELFCLASS64
-  Data:            ELFDATA2LSB
-  Type:            ET_DYN
-  Machine:         EM_AARCH64
-ProgramHeaders:
-  - Type:            PT_LOAD
-    Flags:           [ PF_X, PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .eh_frame
-    Align:           0x10000
-  - Type:            PT_LOAD
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .bss
-    VAddr:           0x10DF0
-    Align:           0x10000
-  - Type:            PT_DYNAMIC
-    Flags:           [ PF_W, PF_R ]
-    FirstSec:        .dynamic
-    LastSec:         .dynamic
-    VAddr:           0x10E00
-    Align:           0x8
-  - Type:            PT_NOTE
-    Flags:           [ PF_R ]
-    FirstSec:        .note.gnu.build-id
-    LastSec:         .note.gnu.build-id
-    VAddr:           0x1C8
-    Align:           0x4
-  - Type:            PT_GNU_EH_FRAME
-    Flags:           [ PF_R ]
-    FirstSec:        .eh_frame_hdr
-    LastSec:         .eh_frame_hdr
-    VAddr:           0x618
-    Align:           0x4
-  - Type:            PT_GNU_STACK
-    Flags:           [ PF_W, PF_R ]
-    Align:           0x10
-  - Type:            PT_GNU_RELRO
-    Flags:           [ PF_R ]
-    FirstSec:        .init_array
-    LastSec:         .got
-    VAddr:           0x10DF0
-Sections:
-  - Name:            .note.gnu.build-id
-    Type:            SHT_NOTE
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1C8
-    AddressAlign:    0x4
-    Notes:
-      - Name:            GNU
-        Desc:            4108390840935B6D5D2CDEF81948912D458EDEBA
-        Type:            NT_PRPSINFO
-  - Name:            .gnu.hash
-    Type:            SHT_GNU_HASH
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x1F0
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Header:
-      SymNdx:          0x8
-      Shift2:          0x6
-    BloomFilter:     [ 0x500000000000 ]
-    HashBuckets:     [ 0x8, 0x0 ]
-    HashValues:      [ 0x7C9DCBAD ]
-  - Name:            .dynsym
-    Type:            SHT_DYNSYM
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x218
-    Link:            .dynstr
-    AddressAlign:    0x8
-  - Name:            .dynstr
-    Type:            SHT_STRTAB
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x2F0
-    AddressAlign:    0x1
-  - Name:            .gnu.version
-    Type:            SHT_GNU_versym
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x364
-    Link:            .dynsym
-    AddressAlign:    0x2
-    Entries:         [ 0, 0, 0, 1, 2, 1, 2, 1, 1 ]
-  - Name:            .gnu.version_r
-    Type:            SHT_GNU_verneed
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x378
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Dependencies:
-      - Version:         1
-        File:            libc.so.6
-        Entries:
-          - Name:            GLIBC_2.17
-            Hash:            110530967
-            Flags:           0
-            Other:           2
-  - Name:            .rela.dyn
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x398
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Relocations:
-      - Offset:          0x10DF0
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1488
-      - Offset:          0x10DF8
-        Type:            R_AARCH64_RELATIVE
-        Addend:          1408
-      - Offset:          0x11018
-        Type:            R_AARCH64_RELATIVE
-        Addend:          69656
-      - Offset:          0x10FC8
-        Symbol:          _ITM_deregisterTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD0
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FD8
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_GLOB_DAT
-      - Offset:          0x10FE0
-        Symbol:          _ITM_registerTMCloneTable
-        Type:            R_AARCH64_GLOB_DAT
-  - Name:            .rela.plt
-    Type:            SHT_RELA
-    Flags:           [ SHF_ALLOC, SHF_INFO_LINK ]
-    Address:         0x440
-    Link:            .dynsym
-    AddressAlign:    0x8
-    Info:            .got.plt
-    Relocations:
-      - Offset:          0x11000
-        Symbol:          __cxa_finalize
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11008
-        Symbol:          __gmon_start__
-        Type:            R_AARCH64_JUMP_SLOT
-      - Offset:          0x11010
-        Symbol:          puts
-        Type:            R_AARCH64_JUMP_SLOT
-  - Name:            .init
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x488
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD03009117000094FD7BC1A8C0035FD6
-  - Name:            .plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x4A0
-    AddressAlign:    0x10
-    Content:         F07BBFA99000009011FE47F910E23F9120021FD61F2003D51F2003D51F2003D5900000B0110240F91002009120021FD6900000B0110640F91022009120021FD6900000B0110A40F91042009120021FD6
-  - Name:            .text
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x4F0
-    AddressAlign:    0x10
-    Content:         8000009000EC47F9400000B4F5FFFF17C0035FD61F2003D51F2003D51F2003D5800000B000800091810000B0218000913F0000EBC00000548100009021E447F9610000B4F00301AA00021FD6C0035FD6800000B000800091810000B021800091210000CB22FC7FD3410C818B21FC4193C10000B48200009042F047F9620000B4F00302AA00021FD6C0035FD61F2003D5FD7BBEA9FD030091F30B00F9930000B060824039400100358000009000E847F9800000B4800000B0000C40F9C5FFFF97D8FFFF972000805260820039F30B40F9FD7BC2A8C0035FD61F2003D51F2003D5DCFFFF17FD7BBFA9FD0300910000009000201891BFFFFF971F2003D5FD7BC1A8C0035FD6
-  - Name:            .fini
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC, SHF_EXECINSTR ]
-    Address:         0x5F4
-    AddressAlign:    0x4
-    Content:         1F2003D5FD7BBFA9FD030091FD7BC1A8C0035FD6
-  - Name:            .rodata
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x608
-    AddressAlign:    0x8
-    Content:         48656C6C6F2066726F6D205A00
-  - Name:            .eh_frame_hdr
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x618
-    AddressAlign:    0x4
-    Content:         011B033B3400000005000000F8FEFFFF4C00000028FFFFFF6000000068FFFFFF74000000B8FFFFFF98000000BCFFFFFFB0000000
-  - Name:            .eh_frame
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_ALLOC ]
-    Address:         0x650
-    AddressAlign:    0x8
-    Content:         1000000000000000017A520004781E011B0C1F001000000018000000A4FEFFFF3000000000000000100000002C000000C0FEFFFF3C000000000000002000000040000000ECFEFFFF4800000000410E209D049E034293024EDEDDD30E00000000140000006400000018FFFFFF0400000000000000000000001C0000007C00000004FFFFFF2000000000410E109D029E0146DEDD0E0000000000000000
-  - Name:            .init_array
-    Type:            SHT_INIT_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DF0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Offset:          0xDF0
-    Content:         D005000000000000
-  - Name:            .fini_array
-    Type:            SHT_FINI_ARRAY
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10DF8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         '8005000000000000'
-  - Name:            .dynamic
-    Type:            SHT_DYNAMIC
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10E00
-    Link:            .dynstr
-    AddressAlign:    0x8
-    Entries:
-      - Tag:             DT_NEEDED
-        Value:           0x5F
-      - Tag:             DT_INIT
-        Value:           0x488
-      - Tag:             DT_FINI
-        Value:           0x5F4
-      - Tag:             DT_INIT_ARRAY
-        Value:           0x10DF0
-      - Tag:             DT_INIT_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_FINI_ARRAY
-        Value:           0x10DF8
-      - Tag:             DT_FINI_ARRAYSZ
-        Value:           0x8
-      - Tag:             DT_GNU_HASH
-        Value:           0x1F0
-      - Tag:             DT_STRTAB
-        Value:           0x2F0
-      - Tag:             DT_SYMTAB
-        Value:           0x218
-      - Tag:             DT_STRSZ
-        Value:           0x74
-      - Tag:             DT_SYMENT
-        Value:           0x18
-      - Tag:             DT_PLTGOT
-        Value:           0x10FE8
-      - Tag:             DT_PLTRELSZ
-        Value:           0x48
-      - Tag:             DT_PLTREL
-        Value:           0x7
-      - Tag:             DT_JMPREL
-        Value:           0x440
-      - Tag:             DT_RELA
-        Value:           0x398
-      - Tag:             DT_RELASZ
-        Value:           0xA8
-      - Tag:             DT_RELAENT
-        Value:           0x18
-      - Tag:             DT_VERNEED
-        Value:           0x378
-      - Tag:             DT_VERNEEDNUM
-        Value:           0x1
-      - Tag:             DT_VERSYM
-        Value:           0x364
-      - Tag:             DT_RELACOUNT
-        Value:           0x3
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-      - Tag:             DT_NULL
-        Value:           0x0
-  - Name:            .got
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FC0
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         '000E0100000000000000000000000000000000000000000000000000000000000000000000000000'
-  - Name:            .got.plt
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x10FE8
-    AddressAlign:    0x8
-    EntSize:         0x8
-    Content:         000000000000000000000000000000000000000000000000A004000000000000A004000000000000A004000000000000
-  - Name:            .data
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11018
-    AddressAlign:    0x8
-    Content:         '1810010000000000'
-  - Name:            .bss
-    Type:            SHT_NOBITS
-    Flags:           [ SHF_WRITE, SHF_ALLOC ]
-    Address:         0x11020
-    AddressAlign:    0x1
-    Size:            0x8
-  - Name:            .comment
-    Type:            SHT_PROGBITS
-    Flags:           [ SHF_MERGE, SHF_STRINGS ]
-    AddressAlign:    0x1
-    EntSize:         0x1
-    Content:         4743433A20285562756E74752031312E342E302D317562756E7475317E32322E3034292031312E342E3000
-Symbols:
-  - Name:            .note.gnu.build-id
-    Type:            STT_SECTION
-    Section:         .note.gnu.build-id
-    Value:           0x1C8
-  - Name:            .gnu.hash
-    Type:            STT_SECTION
-    Section:         .gnu.hash
-    Value:           0x1F0
-  - Name:            .dynsym
-    Type:            STT_SECTION
-    Section:         .dynsym
-    Value:           0x218
-  - Name:            .dynstr
-    Type:            STT_SECTION
-    Section:         .dynstr
-    Value:           0x2F0
-  - Name:            .gnu.version
-    Type:            STT_SECTION
-    Section:         .gnu.version
-    Value:           0x364
-  - Name:            .gnu.version_r
-    Type:            STT_SECTION
-    Section:         .gnu.version_r
-    Value:           0x378
-  - Name:            .rela.dyn
-    Type:            STT_SECTION
-    Section:         .rela.dyn
-    Value:           0x398
-  - Name:            .rela.plt
-    Type:            STT_SECTION
-    Section:         .rela.plt
-    Value:           0x440
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x488
-  - Name:            .plt
-    Type:            STT_SECTION
-    Section:         .plt
-    Value:           0x4A0
-  - Name:            .text
-    Type:            STT_SECTION
-    Section:         .text
-    Value:           0x4F0
-  - Name:            .fini
-    Type:            STT_SECTION
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            .rodata
-    Type:            STT_SECTION
-    Section:         .rodata
-    Value:           0x608
-  - Name:            .eh_frame_hdr
-    Type:            STT_SECTION
-    Section:         .eh_frame_hdr
-    Value:           0x618
-  - Name:            .eh_frame
-    Type:            STT_SECTION
-    Section:         .eh_frame
-    Value:           0x650
-  - Name:            .init_array
-    Type:            STT_SECTION
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            .fini_array
-    Type:            STT_SECTION
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            .dynamic
-    Type:            STT_SECTION
-    Section:         .dynamic
-    Value:           0x10E00
-  - Name:            .got
-    Type:            STT_SECTION
-    Section:         .got
-    Value:           0x10FC0
-  - Name:            .got.plt
-    Type:            STT_SECTION
-    Section:         .got.plt
-    Value:           0x10FE8
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11018
-  - Name:            .bss
-    Type:            STT_SECTION
-    Section:         .bss
-    Value:           0x11020
-  - Name:            .comment
-    Type:            STT_SECTION
-    Section:         .comment
-  - Name:            crti.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x'
-    Section:         .text
-    Value:           0x4F0
-  - Name:            call_weak_fn
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x4F0
-    Size:            0x14
-  - Name:            '$x (1)'
-    Section:         .init
-    Value:           0x488
-  - Name:            '$x (2)'
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            crtn.o
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (3)'
-    Section:         .init
-    Value:           0x498
-  - Name:            '$x (4)'
-    Section:         .fini
-    Value:           0x600
-  - Name:            crtstuff.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$x (5)'
-    Section:         .text
-    Value:           0x510
-  - Name:            deregister_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x510
-  - Name:            register_tm_clones
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x540
-  - Name:            '$d'
-    Section:         .data
-    Value:           0x11018
-  - Name:            __do_global_dtors_aux
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x580
-  - Name:            completed.0
-    Type:            STT_OBJECT
-    Section:         .bss
-    Value:           0x11020
-    Size:            0x1
-  - Name:            '$d (1)'
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            __do_global_dtors_aux_fini_array_entry
-    Type:            STT_OBJECT
-    Section:         .fini_array
-    Value:           0x10DF8
-  - Name:            frame_dummy
-    Type:            STT_FUNC
-    Section:         .text
-    Value:           0x5D0
-  - Name:            '$d (2)'
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            __frame_dummy_init_array_entry
-    Type:            STT_OBJECT
-    Section:         .init_array
-    Value:           0x10DF0
-  - Name:            '$d (3)'
-    Section:         .eh_frame
-    Value:           0x664
-  - Name:            '$d (4)'
-    Section:         .bss
-    Value:           0x11020
-  - Name:            libZ.c
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$d (5)'
-    Section:         .rodata
-    Value:           0x608
-  - Name:            '$x (6)'
-    Section:         .text
-    Value:           0x5D4
-  - Name:            '$d (6)'
-    Section:         .eh_frame
-    Value:           0x6C8
-  - Name:            'crtstuff.c (1)'
-    Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            '$d (7)'
-    Section:         .eh_frame
-    Value:           0x6E8
-  - Name:            __FRAME_END__
-    Type:            STT_OBJECT
-    Section:         .eh_frame
-    Value:           0x6E8
-  - Type:            STT_FILE
-    Index:           SHN_ABS
-  - Name:            _fini
-    Type:            STT_FUNC
-    Section:         .fini
-    Value:           0x5F4
-  - Name:            __dso_handle
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11018
-  - Name:            _DYNAMIC
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10E00
-  - Name:            __GNU_EH_FRAME_HDR
-    Section:         .eh_frame_hdr
-    Value:           0x618
-  - Name:            __TMC_END__
-    Type:            STT_OBJECT
-    Section:         .data
-    Value:           0x11020
-  - Name:            _GLOBAL_OFFSET_TABLE_
-    Type:            STT_OBJECT
-    Index:           SHN_ABS
-    Value:           0x10FC0
-  - Name:            _init
-    Type:            STT_FUNC
-    Section:         .init
-    Value:           0x488
-  - Name:            '$x (7)'
-    Section:         .plt
-    Value:           0x4A0
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            '__cxa_finalize at GLIBC_2.17'
-    Type:            STT_FUNC
-    Binding:         STB_WEAK
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            'puts at GLIBC_2.17'
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            sayZ
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x5D4
-    Size:            0x20
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-DynamicSymbols:
-  - Name:            .init
-    Type:            STT_SECTION
-    Section:         .init
-    Value:           0x488
-  - Name:            .data
-    Type:            STT_SECTION
-    Section:         .data
-    Value:           0x11018
-  - Name:            _ITM_deregisterTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            __cxa_finalize
-    Type:            STT_FUNC
-    Binding:         STB_WEAK
-  - Name:            __gmon_start__
-    Binding:         STB_WEAK
-  - Name:            puts
-    Type:            STT_FUNC
-    Binding:         STB_GLOBAL
-  - Name:            _ITM_registerTMCloneTable
-    Binding:         STB_WEAK
-  - Name:            sayZ
-    Type:            STT_FUNC
-    Section:         .text
-    Binding:         STB_GLOBAL
-    Value:           0x5D4
-    Size:            0x20
-...
-
-
 --- !ELF
 FileHeader:
   Class:           ELFCLASS64
@@ -575,62 +10,73 @@ ProgramHeaders:
     FirstSec:        .note.gnu.property
     LastSec:         .rela.plt
     Align:           0x1000
+    Offset:          0x0
   - Type:            PT_LOAD
     Flags:           [ PF_X, PF_R ]
     FirstSec:        .init
     LastSec:         .fini
     VAddr:           0x1000
     Align:           0x1000
+    Offset:          0x1000
   - Type:            PT_LOAD
     Flags:           [ PF_R ]
     FirstSec:        .rodata
     LastSec:         .eh_frame
     VAddr:           0x2000
     Align:           0x1000
+    Offset:          0x2000
   - Type:            PT_LOAD
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .init_array
     LastSec:         .bss
     VAddr:           0x3E10
     Align:           0x1000
+    Offset:          0x2E10
   - Type:            PT_DYNAMIC
     Flags:           [ PF_W, PF_R ]
     FirstSec:        .dynamic
     LastSec:         .dynamic
     VAddr:           0x3E20
     Align:           0x8
+    Offset:          0x2E20
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_NOTE
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.build-id
     LastSec:         .note.gnu.build-id
     VAddr:           0x2C8
     Align:           0x4
+    Offset:          0x2C8
   - Type:            PT_GNU_PROPERTY
     Flags:           [ PF_R ]
     FirstSec:        .note.gnu.property
     LastSec:         .note.gnu.property
     VAddr:           0x2A8
     Align:           0x8
+    Offset:          0x2A8
   - Type:            PT_GNU_EH_FRAME
     Flags:           [ PF_R ]
     FirstSec:        .eh_frame_hdr
     LastSec:         .eh_frame_hdr
     VAddr:           0x2010
     Align:           0x4
+    Offset:          0x2010
   - Type:            PT_GNU_STACK
     Flags:           [ PF_W, PF_R ]
     Align:           0x10
+    Offset:          0x0
   - Type:            PT_GNU_RELRO
     Flags:           [ PF_R ]
     FirstSec:        .init_array
     LastSec:         .got
     VAddr:           0x3E10
+    Offset:          0x2E10
 Sections:
   - Name:            .note.gnu.property
     Type:            SHT_NOTE
diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index aefd833ba5376..30e9f905f67c1 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -53,7 +53,8 @@ Triple getTargetTriple() {
 
 static bool CheckHostSupport() {
   auto Triple = getTargetTriple();
-  if (!Triple.isOSBinFormatMachO())
+  if (!Triple.isOSBinFormatMachO() &&
+      !(Triple.isOSBinFormatELF() && Triple.getArch() == Triple::x86_64))
     return false;
 
   return true;
@@ -70,9 +71,9 @@ std::string getYamlFilePlatformExt() {
 }
 
 unsigned getYamlDocNum() {
-  auto Triple = getTargetTriple();
-  if (Triple.isOSBinFormatELF())
-    return Triple.isAArch64() ? 1 : 2;
+  // auto Triple = getTargetTriple();
+  // if (Triple.isOSBinFormatELF())
+  //   return 1;
 
   return 1;
 }
@@ -229,17 +230,6 @@ class LibraryResolverIT : public ::testing::Test {
     if (!EnvReady)
       GTEST_SKIP() << "Skipping test: environment setup failed.";
 
-    auto JTMB = JITTargetMachineBuilder::detectHost();
-    // Bail out if we can not detect the host.
-    if (!JTMB) {
-      consumeError(JTMB.takeError());
-      GTEST_SKIP();
-    }
-
-    auto Triple = JTMB->getTargetTriple();
-    if (!Triple.isOSBinFormatMachO())
-      GTEST_SKIP();
-
     ASSERT_NE(GlobalEnv, nullptr);
     baseDir = GlobalEnv->getBaseDir();
     libs["A"] = {libPath(baseDir, "A/libA"), {platformSymbolName("sayA")}};
@@ -434,7 +424,7 @@ TEST_F(LibraryResolverIT, DriverResolvesSymbolsToCorrectLibraries) {
     {
       auto lib = query.getResolvedLib(platformSymbolName("sayA"));
       ASSERT_TRUE(lib.has_value()) << "sayA should be resolved";
-      EXPECT_TRUE(endsWith(lib->str(), withext("/libA")))
+      EXPECT_TRUE(endsWith(lib->str(), libname("A")))
           << "sayA resolved to: " << lib->str();
     }
 
@@ -442,7 +432,7 @@ TEST_F(LibraryResolverIT, DriverResolvesSymbolsToCorrectLibraries) {
     {
       auto lib = query.getResolvedLib(platformSymbolName("sayB"));
       ASSERT_TRUE(lib.has_value()) << "sayB should be resolved";
-      EXPECT_TRUE(endsWith(lib->str(), withext("/libB")))
+      EXPECT_TRUE(endsWith(lib->str(), libname("B")))
           << "sayB resolved to: " << lib->str();
     }
 
@@ -450,7 +440,7 @@ TEST_F(LibraryResolverIT, DriverResolvesSymbolsToCorrectLibraries) {
     {
       auto lib = query.getResolvedLib(platformSymbolName("sayZ"));
       ASSERT_TRUE(lib.has_value()) << "sayZ should be resolved";
-      EXPECT_TRUE(endsWith(lib->str(), withext("/libZ")))
+      EXPECT_TRUE(endsWith(lib->str(), libname("Z")))
           << "sayZ resolved to: " << lib->str();
     }
 
@@ -465,7 +455,7 @@ TEST_F(LibraryResolverIT, EnumeratorSeesInterLibraryRelationship) {
   const std::string libC = lib("C");
 
   SymbolEnumeratorOptions onlyUndef = SymbolEnumeratorOptions::defaultOptions();
-  // Show only undefined (drop IgnoreUndefined) to see B's reference to sayA
+  // Show only undefined (drop IgnoreUndefined) to see C's reference to sayA
   onlyUndef.FilterFlags &= ~SymbolEnumeratorOptions::IgnoreUndefined;
 
   bool sawSayAAsUndef = false;
@@ -497,7 +487,9 @@ TEST_F(LibraryResolverIT, ResolveManySymbols) {
       platformSymbolName("sayA"), platformSymbolName("sayB"),
       platformSymbolName("sayA"), platformSymbolName("sayB")};
 
+  bool callbackRan = false;
   driver->resolveSymbols(symbols, [&](SymbolQuery &query) {
+    callbackRan = true;
     EXPECT_TRUE(query.isResolved(platformSymbolName("sayA")));
     EXPECT_TRUE(query.isResolved(platformSymbolName("sayB")));
     EXPECT_TRUE(query.isResolved(platformSymbolName("sayZ")));
@@ -513,6 +505,8 @@ TEST_F(LibraryResolverIT, ResolveManySymbols) {
     EXPECT_TRUE(endsWith(z->str(), libname("Z")));
     EXPECT_TRUE(query.allResolved());
   });
+
+  EXPECT_TRUE(callbackRan);
 }
 
 // // // --- 5) Optional: stress SymbolQuery with the real resolve flow
@@ -535,18 +529,12 @@ TEST_F(LibraryResolverIT, ResolveManySymbols2) {
 
   driver->resolveSymbols(symbols, [&](SymbolQuery &query) {
     EXPECT_TRUE(query.isResolved(platformSymbolName("sayA")));
-    EXPECT_FALSE(query.isResolved(platformSymbolName("sayB")));
     EXPECT_TRUE(query.isResolved(platformSymbolName("sayD")));
-    EXPECT_FALSE(query.isResolved(platformSymbolName("sayZ")));
 
     auto a = query.getResolvedLib(platformSymbolName("sayA"));
-    auto b = query.getResolvedLib(platformSymbolName("sayB"));
     auto d = query.getResolvedLib(platformSymbolName("sayD"));
-    auto z = query.getResolvedLib(platformSymbolName("sayZ"));
     ASSERT_TRUE(a.has_value());
-    ASSERT_FALSE(b.has_value());
     ASSERT_TRUE(d.has_value());
-    ASSERT_FALSE(z.has_value());
     EXPECT_TRUE(endsWith(a->str(), libname("A")));
     EXPECT_TRUE(endsWith(d->str(), libname("D")));
     EXPECT_FALSE(query.allResolved());
@@ -584,28 +572,6 @@ TEST_F(LibraryResolverIT, ScanSingleUserPath) {
   EXPECT_TRUE(found) << "Expected to find " << libCPath;
 }
 
-TEST_F(LibraryResolverIT, ScanMultiplePaths) {
-  auto cache = std::make_shared<LibraryPathCache>();
-  auto presolver = std::make_shared<PathResolver>(cache);
-  LibraryScanHelper scanH({}, cache, presolver);
-
-  scanH.addBasePath(libdir("D"), PathType::User);
-  scanH.addBasePath("/tmp/empty", PathType::User); // empty dir (won't add)
-
-  LibraryManager mgr;
-  LibraryScanner scanner(scanH, mgr);
-
-  scanner.scanNext(PathType::User, 1);
-
-  size_t count = 0;
-  mgr.forEachLibrary([&](const LibraryInfo &) {
-    count++;
-    return true;
-  });
-
-  EXPECT_GE(count, 1u) << "Should find at least lib in multiple paths";
-}
-
 TEST_F(LibraryResolverIT, ScanAndCheckDeps) {
   auto cache = std::make_shared<LibraryPathCache>();
   auto presolver = std::make_shared<PathResolver>(cache);
@@ -863,7 +829,7 @@ TEST_F(LibraryResolverIT, ResolveViaOriginAndRPathSubstitution) {
   DylibResolver Resolver(validator);
 
   // Use only RPath config
-  Resolver.configure(lib("C"), {{P, SearchPathType::RPath}});
+  Resolver.configure(lib("C"), {{P, SearchPathType::RunPath}});
 
   // --- Check A ---
   auto valOptA = Resolver.resolve("libA", true);

>From 8a291c67f3e6a368b778d2e4d646272bdbafd195 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Thu, 9 Oct 2025 09:56:11 +0530
Subject: [PATCH 36/37] Add TODO

---
 llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp | 5 +++++
 1 file changed, 5 insertions(+)

diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index 30e9f905f67c1..fdd2f48c830b8 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -30,6 +30,9 @@ using namespace llvm;
 using namespace llvm::orc;
 
 #if defined(__APPLE__) || defined(__linux__)
+// TODO: Add COFF (Windows) support for these tests.
+// this facility also works correctly on Windows (COFF),
+// so we should eventually enable and run these tests for that platform as well.
 namespace {
 
 #if defined(__APPLE__)
@@ -53,6 +56,8 @@ Triple getTargetTriple() {
 
 static bool CheckHostSupport() {
   auto Triple = getTargetTriple();
+  // TODO: Extend support to COFF (Windows) once test setup and YAML conversion
+  // are verified.
   if (!Triple.isOSBinFormatMachO() &&
       !(Triple.isOSBinFormatELF() && Triple.getArch() == Triple::x86_64))
     return false;

>From 750dcaf09e291effe2b34de95df36ac9282dc2c1 Mon Sep 17 00:00:00 2001
From: SahilPatidar <patidarsahil2001 at gmail.com>
Date: Thu, 9 Oct 2025 11:17:45 +0530
Subject: [PATCH 37/37] Check

---
 llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp | 7 +++++++
 1 file changed, 7 insertions(+)

diff --git a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
index fdd2f48c830b8..508e9f389ea58 100644
--- a/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
+++ b/llvm/unittests/ExecutionEngine/Orc/LibraryResolverTest.cpp
@@ -176,6 +176,8 @@ class LibraryTestEnvironment : public ::testing::Environment {
 
       sys::path::append(dylibPath, libdirName, dylibFileName);
       sys::path::replace_extension(dylibPath, ext);
+      llvm::outs() << "Yaml file Path -> " << yamlPath << "\n";
+      llvm::outs() << "SO Path -> " << dylibPath << "\n";
       if (!processYamlToDylib(yamlPath, dylibPath, DocNum))
         return;
     }
@@ -242,6 +244,11 @@ class LibraryResolverIT : public ::testing::Test {
     libs["C"] = {libPath(baseDir, "C/libC"), {platformSymbolName("sayC")}};
     libs["D"] = {libPath(baseDir, "D/libD"), {platformSymbolName("sayD")}};
     libs["Z"] = {libPath(baseDir, "Z/libZ"), {platformSymbolName("sayZ")}};
+    ASSERT_TRUE(sys::fs::exists(libs["A"].path));
+    ASSERT_TRUE(sys::fs::exists(libs["B"].path));
+    ASSERT_TRUE(sys::fs::exists(libs["D"].path));
+    ASSERT_TRUE(sys::fs::exists(libs["Z"].path));
+    ASSERT_TRUE(sys::fs::exists(libs["C"].path));
   }
 
   const std::vector<std::string> &sym(const std::string &key) {



More information about the llvm-commits mailing list