作者|郑建华
更新|赵露阳
通过这篇笔记,希望能初步了解 OneFlow 在 Eager 模式下对设备的管理方式、设备执行计算的过程以及如何充分利用设备计算能力。这里的设备主要指类似 CUDA 这样的并行计算加速设备。
1
设备、流相关类型及关系
框架通过流(Stream)向设备(Device)提交计算任务。一个 Stream 是一个命令序列,可以类比 CUDA Stream(https://docs.nvidia.com/cuda/cuda-c-programming-guide/index.html#streams),或者 CPU Thread 的指令序列。同一个 Stream 中的命令按顺序执行;不同 Stream 之间的命令有依赖关系时,需要同步。不同的任务,比如 kernel 计算、host2device、device2host 等都有自己独立的 Stream,可以并发执行,从而在 Eager 模式下尽可能充分利用设备的异步并发执行能力。
OneFlow 中Device和Stream相关的部分类结构如下所示:
Device相关类型
oneflow::Device
oneflow::Device是用于表示设备的基础类型,例如:构建tensor时 flow.tensor(shape, device="cuda:1")就会在内部构造出这个基础的Device类型,其中设备编号为1、设备类型为CUDA。
oneflow/core/framework/device.h:
class Device final {
public:
...
private:
Device(const std::string& type, int64_t device_id);
Maybe<void> Init();
const std::string type_;
DeviceType enum_type_;
const int64_t device_id_;
const size_t hash_value_;
std::shared_ptr<MemoryCase> mem_case_;
};
oneflow::Device中最重要的两个成员变量分别是用于表示设备类型的DeviceType;用于表示设备编号的device_id_。
DeviceType
DeviceType是一个枚举类,不同的值代表不同的计算设备类型,其定义位于 oneflow/core/common/device_type.proto:
enum DeviceType {
kInvalidDevice = 0; // 无效设备
kCPU = 1; // cpu设备
kCUDA = 2; // cuda设备
kMockDevice = 3; // pseudo device for test.
}
目前在oneflow master分支中,主要有kCPU表示cpu设备;kCUDA表示nvidia cuda设备;在其他多设备支持的分支中,这里还增加了更多的设备类型。
oneflow::ep::Device
oneflow::Device是oneflow中对设备的基础封装类型,而oneflow::ep::Device则是一个抽象类,属于oneflow的ep模块(execution provider),是对设备行为的封装,ep模块为多硬件设备提供了更高层次的抽象,方便oneflow支持和兼容多硬件设备提供了更高的灵活性和可拓展性。
oneflow::ep::Device不仅提供了表示设备类型的device_type()方法、表示设备编号的device_index()方法,还提供了创建/销毁ep::Stream、创建/销毁Event、在设备上申请/释放内存的各种方法。
oneflow/core/ep/include/device.h:
class Device {
public:
OF_DISALLOW_COPY_AND_MOVE(Device);
Device() = default;
virtual ~Device() = default;
virtual void SetAsActiveDevice() = 0;
virtual DeviceType device_type() const = 0;
virtual size_t device_index() const = 0;
virtual DeviceManager* device_manager() const = 0;
virtual Stream* CreateStream() = 0;
virtual void DestroyStream(Stream* stream) = 0;
virtual Event* CreateEvent();
virtual void DestroyEvent(Event* event);
virtual void CreateEvents(Event** events, size_t count) = 0;
virtual void DestroyEvents(Event** events, size_t count) = 0;
virtual Maybe<void> Alloc(const AllocationOptions& options, void** ptr, size_t size) = 0;
virtual void Free(const AllocationOptions& options, void* ptr) = 0;
virtual Maybe<void> AllocPinned(const AllocationOptions& options, void** ptr, size_t size) = 0;
virtual void FreePinned(const AllocationOptions& options, void* ptr) = 0;
virtual bool IsStreamOrderedMemoryAllocationSupported() const;
};
oneflow::ep::Device有如下子类实现:
Stream相关类型
oneflow::Stream和cuda device以及stream的关系类似,oneflow中也存在类似的基础Stream类型。
oneflow/core/framework/stream.h:
class Stream final {
....
private:
Stream(Symbol<Device> device, StreamType stream_type, size_t thread_uid);
static Maybe<Symbol<Stream>> RawNew(Symbol<Device> device, StreamType stream_type,
size_t thread_uid);
Maybe<void> Init(size_t unique_stream_id);
Symbol<Device> device_;
StreamType stream_type_;
size_t thread_uid_;
size_t unique_stream_id_;
};
可以看见Stream类中的成员变量:
-
device_ 表示该Stream对象将在何种设备上执行 -
streamtype_ 表示该Stream的类型,是用于计算的compute stream还是用于数据搬运的host2device、device2host stream等 -
threaduid_ 表示负责启动该Stream的线程id -
unique_streamid_ 表示这个stream自身的unique id
StreamType
enum class StreamType {
kInvalid = 0, // 无效
kCompute, // kernel计算流
kHost2Device, // 数据搬运(host -> device)流
kDevice2Host, // 数据搬运(device -> host)流
kCcl, // 集合通信流
kBarrier, // 线程屏障流
kCriticalSection,// 临界区流
kLazyJobLauncher,// job启动流(lazy mode)
kPinnedCompute // pinned memory kernel计算流
};
oneflow::ep::Stream
-
同步Sync() -
执行Event事件RecordEvent()
class Stream {
public:
OF_DISALLOW_COPY_AND_MOVE(Stream);
Stream() = default;
virtual ~Stream() = default;
virtual DeviceType device_type() const = 0;
virtual Device* device() const = 0;
virtual Maybe<void> Sync() = 0;
virtual void RecordEvent(Event* event) = 0;
virtual Maybe<void> GetAsyncError() { return Maybe<void>::Ok(); }
virtual Maybe<void> AllocAsync(void** ptr, size_t size) { UNIMPLEMENTED_THEN_RETURN(); }
virtual Maybe<void> FreeAsync(void* ptr) { UNIMPLEMENTED_THEN_RETURN(); }
template<typename T>
Maybe<void> AllocAsync(T** ptr, size_t size) {
return AllocAsync(reinterpret_cast<void**>(ptr), size);
}
virtual Maybe<void> OnExecutionContextSetup() { return Maybe<void>::Ok(); }
virtual Maybe<void> OnExecutionContextTeardown() { return Maybe<void>::Ok(); }
template<typename T>
T* As() {
return static_cast<T*>(this);
}
};
oneflow::vm::Stream
class Stream final : public intrusive::Base {
public:
...
private:
...
// fields
ThreadCtx* thread_ctx_;
Symbol<Device> device_;
StreamType stream_type_;
std::shared_ptr<StreamPolicy> stream_policy_;
bool on_scheduler_thread_;
std::unique_ptr<char, std::function<void(char*)>> small_pinned_mem_ptr_;
...
};
StreamPolicy
stream() 获取oneflow::ep::Stream指针
mut_allocator() 获取vm::Allocator指针(用于tensor内存管理)
device_type() 获取device设备类型
class StreamPolicy {
public:
virtual ~StreamPolicy() = default;
virtual ep::Stream* stream() = 0;
virtual vm::Allocator* mut_allocator() = 0;
virtual DeviceType device_type() const = 0;
virtual void InitInstructionStatus(const Stream& stream,
InstructionStatusBuffer* status_buffer) const = 0;
virtual void DeleteInstructionStatus(const Stream& stream,
InstructionStatusBuffer* status_buffer) const = 0;
virtual bool QueryInstructionStatusLaunched(
const Stream& stream, const InstructionStatusBuffer& status_buffer) const = 0;
virtual bool QueryInstructionStatusDone(const Stream& stream,
const InstructionStatusBuffer& status_buffer) const = 0;
virtual bool OnSchedulerThread(StreamType stream_type) const;
virtual bool SupportingTransportInstructions() const = 0;
void RunIf(Instruction* instruction) const;
protected:
StreamPolicy() = default;
private:
virtual void Run(Instruction* instruction) const = 0;
};
2
Eager Local模式下的Device和Stream推导
2.1 推导Device
-
1.如果inputs tensor非空,则根据第一个input tensor的device来设置default的device -
2.如果inputs tensor为空,则优先从OpExprInterpContext中获取device,若OpExprInterpContext中未设置,则会通过 Device::New("cpu") ;默认给一个cpu device
2.2 推导Stream
-
JUST(user_op_expr.mut_local_tensor_infer_cache()->GetOrInfer(infer_args)) ); Symbol<Stream> stream = JUST(InferDeviceAndStream(... ));
InferDeviceAndStream 中, Stream 推导的逻辑是会根据user_op_expr是否定义了device_and_stream_infer_fn而有所区别
-
(少数情况)如果该op定义了推导函数,则调用此推导函数来推导Stream,例如 tensor.cuda() 方 法,inputs 在 CPU 上, output s 在 CUDA,二者的设备类型不同。 这时就不会默认推导而是利用 op 注册的推导函数获取 oneflow::Stream( 。 例如 CopyOp::InferDeviceA ndStream 。 -
(多数情况)否则会通过 stream = JUST(GetDefaultStreamByDevice(default_device)) ; 来推导。
Maybe<Symbol<Stream RawGetDefaultStreamByDevice(Symbol<Device> device) {
return Stream::New(device, StreamType::kCompute);
}
2.3 InstructionsBuilder::Call和vm::Stream推导
JUST(PhysicalRun([&](InstructionsBuilder* builder) -> Maybe<void> {
return builder->Call(kernel, std::move(input_eager_blob_objects),
std::move(output_eager_blob_objects), ctx, result->stream());
}));
-
JUST(SoftSyncStream(output_eager_blob_objects, stream)) ; -
JUST(SoftSyncStream(input_eager_blob_objects, stream)) ; -
auto* vm_stream = JUST(Singleton<VirtualMachine>::Get()->GetVmStream(stream)) ;
2.3.1 构造 ThreadCtx 对象,启动执行指令的线程
-
WorkerLoop 在收到通知 后,会调用 ThreadCtx::TryReceiveAndRun 处理指令。 -
在这个函数中,将 ThreadCtx 的指令挪到临时列表 、通过 StreamPolicy 执行每个指令 。 -
ThreadCtx 的指令,是 VirtualMachineEngine 在 DispatchInstruction 时添加进去 的。
-
auto* vm_stream = JUST(Singleton<VirtualMachine>::Get()->GetVmStream(stream)) ;
-
VirtualMachine::GetVmStream() -
Maybe<vm::Stream*> VirtualMachine::CreateStream(Symbol<Stream> stream) -
Stream::__Init__(ThreadCtx* thread_ctx, Symbol<Device> device, StreamType stream_type...) -
stream_policy_ = CHECK_JUST(CreateStreamPolicy::Visit(stream_type, device)) ;
2.4 执行OpCall指令和ep::Stream推导
-
EpStreamPolicyBase::Run()
-
instruction->Compute() -
OpCallInstructionPolicy::Compute() -
OpCallInstructionUtil::Compute() -
OpCallInstructionUtil::OpKernelCompute() -
op_call_instruction_policy->mut_opkernel()->Compute()执行 kernel 的 Compute 方法
2.4.1 获取/创建ep::Stream
static inline Maybe<void> Compute(OpCallInstructionPolicy* op_call_instruction_policy,
Instruction* instruction) {
Allocator* allocator = instruction->mut_stream()->mut_stream_policy()->mut_allocator();
JUST(AllocateOutputBlobsMemory(op_call_instruction_policy, allocator, instruction));
if (unlikely(op_call_instruction_policy->need_temp_storage())) {
JUST(TryAllocateTempStorage(op_call_instruction_policy, allocator));
}
ep::Stream* stream = instruction->mut_stream()->mut_stream_policy()->stream();
user_op::OpKernelState* state = nullptr;
user_op::OpKernelCache* cache = nullptr;
if (op_call_instruction_policy->user_opkernel()->has_state_or_cache()) {
TryInitOpKernelStateAndCache(op_call_instruction_policy, stream, &state, &cache);
}
OpKernelCompute(op_call_instruction_policy, stream, state, cache);
if (unlikely(op_call_instruction_policy->need_temp_storage())) {
DeallocateTempStorage(op_call_instruction_policy, allocator);
}
return Maybe<void>::Ok();
}
-
ep::Stream* stream() override { return GetOrCreateEpStream(); }
-
GetOrCreateEpStream() -
ep_stream_ = GetOrCreateEpDevice()->CreateStream() ;
private:
ep::Stream* GetOrCreateEpStream() const {
if (unlikely(ep_stream_ == nullptr)) {
ep_stream_ = GetOrCreateEpDevice()->CreateStream();
CHECK(ep_stream_ != nullptr);
}
return ep_stream_;
}
2.4.2 获取/创建ep::Device
ep::Device* GetOrCreateEpDevice() const {
if (unlikely(ep_device_ == nullptr)) {
ep_device_ = Singleton<ep::DeviceManagerRegistry>::Get()->GetDevice(device_->enum_type(),
device_->device_id());
CHECK(ep_device_);
}
return ep_device_.get();
}
-
stream_policy_ = CHECK_JUST(CreateStreamPolicy::Visit(stream_type, device)) ;
-
std::shared_ptr<vm::StreamPolicy>(new vm::EpStreamPolicy(device)) ;
3
Eager Global模式下的Device和Stream推导
3.1 推导Device
3.1.1 placement 的 parallel_id
-
ParallelDesc::parallel_id2machine_id_ 是 placement 分布的 machine。 -
ParallelDesc::parallel_id2device_id_ 是 placement 分布的 device_id。 -
parallel_id 是上述 2 个数组的索引,一个 parallel_id 对应一个 machine_id:device_id 组合。这样,根据parallel_id可以查到对应的 machine_id 和 device_id。 -
反过来,根据 machine_id:device_id 也可以从 machine_id2device_id2parallel_id_ 查到 parallel_id。
3.1.2 eager 模式下根据 parallel_id 忽略无关计算任务
如果当前进程与该 placement 无关,parallel_id 就是空,后续处理时就可以忽略一些计算:
-
EagerGlobalTensorImpl::New 中只需要用 functional::Empty 构造一个 shape 为 0 的空的 tensor。 -
GetBoxingOutput 计算时,如果parallel_id为空则表示当前rank进程无效,无需计算直接返回。 -
Interpret 可以不给 vm 提交指令、提前返回 。
3.2 推导Stream
3.2.1 unique_stream_id
4
Eager模式下的Stream同步——SoftSyncStream
-
tensor在oneflow内存中的实际承载者是 eager_blob_object -
last_used_stream 表示一个tensor(blob)上一次使用到的stream,可能是compute stream、h2d stream、d2h stream、集合通信ccl stream等 -
如果 last_used_stream 与当前计算执行的流 stream 相同,则可以忽略,因为相同stream间天然顺序执行所以无需同步,否则就需要进行后续的同步处理
Maybe<void> InstructionsBuilder::SoftSyncStream(const vm::EagerBlobObjectList& eager_blob_objects,
Symbol<Stream> stream) {
JUST(ForEachEagerBlobObjectsNeedingSoftSync(
eager_blob_objects, stream,
[&](Symbol<Stream> last_used_stream, auto&& dep_objects) -> Maybe<void> {
return SoftSyncStreamBetween(std::move(dep_objects), last_used_stream, stream);
}));
for (const auto& eager_blob_object : eager_blob_objects) {
eager_blob_object->set_last_used_stream(stream);
}
return Maybe<void>::Ok();
}
-
const auto& opt_last_used_stream = eager_blob_object->last_used_stream() ; -
if (unlikely(!opt_last_used_stream.has_value())) { continue; }
if (last_used_stream != stream) {
small_vector<intrusive::shared_ptr<LocalDepObject>, kOpArgsReservedSize> dep_objects{
intrusive::shared_ptr<LocalDepObject>(
JUST(eager_blob_object->compute_local_dep_object()))};
JUST(DoEach(last_used_stream, std::move(dep_objects)));
}
[&](Symbol<Stream> last_used_stream, auto&& dep_objects) -> Maybe<void> {
return SoftSyncStreamBetween(std::move(dep_objects), last_used_stream, stream);
}));
-
dep_objects 存储了tensor间的依赖关系 -
last_used_stream 则是该tensor上一次使用的stream -
stream 该tensor当前使用的stream
Maybe<void> InstructionsBuilder::SoftSyncStreamBetween(
small_vector<intrusive::shared_ptr<LocalDepObject>, kOpArgsReservedSize>&& dependences,
Symbol<Stream> from_stream, Symbol<Stream> to_stream) {
CHECK(from_stream != to_stream) << "synchronization is unnecessary";
if (SupportingStreamWait(from_stream, to_stream)) {
JUST(StreamWait(std::move(dependences), from_stream, to_stream));
} else {
JUST(RecordEvent(std::move(dependences), from_stream));
}
return Maybe<void>::Ok();
}
-
先额外做了一次check,检测如果待同步的两个stream相同,则check会报错并提示"synchronization is unnecessary" -
通过SupportingStreamWait判断from 和 to stream间是否支持stream wait,是则调用StreamWait方法;否则,直接调用RecordEvent 方法 -
SupportingStreamWait 的主要逻辑是,通过stream的device、以及StreamType的Visit方法来判断。简单来说,如果from 和 to stream之间是不同的device(譬如cpu stream <-> cuda stream之间的同步),或者from stream的device为cpu,则SupportingStreamWait一定是false;如果是相同的,则继续通过其他判断条件进行判断。
SupportingStreamWait为True
-
cudaEventRecord -
cudaStreamWaitEvent
-
对于from_stream来说,插入一个 cudaEventRecord ,用于标志from stream是否完成该stream上的event事件; -
对于to_stream来说,插入一个 cudaStreamWaitEvent 等待from stream上的事件完成后,再继续执行to_stream。
SupportingStreamWait为False
这里有个细节,由于cuda event的创建和销毁都会引发cuda kernel的launch由异步转同步,所以基于对象池的cuda event可以避免这个开销。
5
CPU 下的并行计算
参考资料
1.https://github.com/Oneflow-Inc/oneflow/tree/845595e2c0abc3d384ff047e188295afdc41faaa
试用OneFlow: github.com/Oneflow-Inc/oneflow/