mkocabas / VIBE

Official implementation of CVPR2020 paper "VIBE: Video Inference for Human Body Pose and Shape Estimation"
https://arxiv.org/abs/1912.05656
Other
2.88k stars 548 forks source link

OpenGL.error.GLError: GLError( err = 12289, #47

Closed flyyyyer closed 4 years ago

flyyyyer commented 4 years ago

When I run the "python demo.py --vid_file sample_video.mp4 --output_folder output/", I get this error 78B20C3CF9A12B69A15D488F4952C88C

mkocabas commented 4 years ago

Could you check Pyrender docs and github issues? Problem is related to Pyrender installation.

flyyyyer commented 4 years ago

Could you check Pyrender docs and github issues? Problem is related to Pyrender installation.

I install the Pyrender with "pip isntall pyrender" on Ubuntu 16.04.5, but I get this error

rishishian commented 4 years ago

@flyyyyer I dive into code of pyrender, find the author said "Renders using EGL (not currently working on Ubuntu)". egl code in pyrender, line114 . Maybe sometimes pyrender is incompatible with Ubuntu. So I fix this bug by running is on CentOS easily.

flyyyyer commented 4 years ago

@rishishian Thank you ! On my god, so I can't get the video on Ubuntu...I'm so sad.

mkocabas commented 4 years ago

@rishishian, It is weird. I work with an Ubuntu 18.04 machine and EGL works fine.

rishishian commented 4 years ago

@mkocabas , my ubuntu is 16.04 headless server. Maybe it has some difference with your machine. Bugs related to low-level environment are usually weird. Sigh~

wine3603 commented 4 years ago

I am using ubuntu 18, but I got the same error

python demo.py --vid_file sample_video.mp4 --output_folder output/  --save_obj
Running "ffmpeg -i sample_video.mp4 -f image2 -v error /tmp/sample_video_mp4/%06d.png"
Images saved to "/tmp/sample_video_mp4"

Input video number of frames 300

Running Multi-Person-Tracker
100%|███████████████████████████████████████████| 25/25 [00:13<00:00,  1.99it/s]
Finished. Detection + Tracking FPS 23.04
=> loaded pretrained model from 'data/vibe_data/spin_model_checkpoint.pth.tar'
Performance of pretrained model on 3DPW: 56.56075477600098
Loaded pretrained weights from "data/vibe_data/vibe_model_wo_3dpw.pth.tar"
Running VIBE on each tracklet...
100%|█████████████████████████████████████████████| 1/1 [00:05<00:00,  5.72s/it]
VIBE FPS: 52.37
Total time spent: 23.25 seconds (including model loading time).
Total FPS (including model loading time): 12.91.
Saving output results to "output/sample_video/vibe_output.pkl".

libEGL warning: DRI2: failed to create dri screen
libEGL warning: Not allowed to force software rendering when API explicitly selects a hardware device.
libEGL warning: DRI2: failed to create dri screen

Traceback (most recent call last):

  File "demo.py", line 383, in <module>
    main(args)
  File "demo.py", line 256, in main
    renderer = Renderer(resolution=(orig_width, orig_height), orig_img=True, wireframe=args.wireframe)
  File "/home/zhang-u16/VIBE/lib/utils/renderer.py", line 60, in __init__
    point_size=1.0
  File "/home/zhang-u16/VIBE/vibe-env/lib/python3.7/site-packages/pyrender/offscreen.py", line 31, in __init__
    self._create()
  File "/home/zhang-u16/VIBE/vibe-env/lib/python3.7/site-packages/pyrender/offscreen.py", line 134, in _create
    self._platform.init_context()
  File "/home/zhang-u16/VIBE/vibe-env/lib/python3.7/site-packages/pyrender/platforms/egl.py", line 177, in init_context
    assert eglInitialize(self._egl_display, major, minor)
  File "/home/zhang-u16/VIBE/vibe-env/lib/python3.7/site-packages/OpenGL/platform/baseplatform.py", line 402, in __call__
    return self( *args, **named )
  File "/home/zhang-u16/VIBE/vibe-env/lib/python3.7/site-packages/OpenGL/error.py", line 232, in glCheckError
    baseOperation = baseOperation,
OpenGL.error.GLError: GLError(
    err = 12289,
    baseOperation = eglInitialize,
    cArguments = (
        <OpenGL._opaque.EGLDisplay_pointer object at 0x7fe35c3963b0>,
        c_long(0),
        c_long(0),
    ),
    result = 0
)
`
wine3603 commented 4 years ago

I solved this by installing nvidia driver 450.

bestgodok commented 3 years ago

I solved this by installing nvidia driver 450.

As a new comer, could you tell me the specific steps to solve it?I've been puzzling over this problem(err = 12289) for a long time

hongsukchoi commented 3 years ago

I think this error is related to the EGL code. It somehow refers GL not, OpenGL. Check this issue https://github.com/mcfletch/pyopengl/issues/27 You have to revise the library code.

bestgodok commented 3 years ago

I think this error is related to the EGL code. It somehow refers GL not, OpenGL. Check this issue mcfletch/pyopengl#27 You have to revise the library code.

Thank you for your advice. I'll try again.

monacv commented 3 years ago

I have the same exact problem when running expose: <OpenGL._opaque.EGLDisplay_pointer object at 0x7f7565840040>,

Full error:

(expose) mona@goku:~/research/code/expose$ python demo.py --image-folder ~/Downloads/sample1     --exp-cfg data/conf.yaml     --show=True     --output-folder ~/Downloads/sample_out     --save-params True     --save-vis True     --save-mesh True
INFO - 2021-01-29 16:33:41,267 - acceleratesupport - No OpenGL_accelerate module loaded: No module named 'OpenGL_accelerate'
Processing with R-CNN: 100%|█████████████████████████████████████████████████████████████████████████| 1/1 [00:01<00:00,  1.74s/it]
2021-01-29 16:33:46.356 | INFO     | __main__:main:241 - Saving results to: /home/mona/Downloads/sample_out
2021-01-29 16:33:46.359 | WARNING  | expose.models.attention.predictor:__init__:91 - Apply hand network on body: True
2021-01-29 16:33:46.359 | WARNING  | expose.models.attention.predictor:__init__:93 - Apply hand network on hands: True
2021-01-29 16:33:46.360 | WARNING  | expose.models.attention.predictor:__init__:95 - Predict hands: True
2021-01-29 16:33:46.360 | WARNING  | expose.models.attention.predictor:__init__:102 - Predict head: True
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:109 - Condition hand on body: True
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:112 - Condition hand wrist pose on body: True
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:117 - Condition hand finger pose on body: True
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:121 - Condition hand shape on body shape: False
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:169 - Condition head on body: True
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:170 - Condition expression on body: True
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:172 - Condition shape on body: False
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:173 - Condition neck pose on body: False
2021-01-29 16:33:46.360 | INFO     | expose.models.attention.predictor:__init__:175 - Condition jaw pose on body: True
2021-01-29 16:33:46.987 | INFO     | expose.models.attention.predictor:__init__:252 - Body model: SMPLXLayer(
  Gender: NEUTRAL
  Number of joints: 55
  Betas: 10
  Number of PCA components: 6
  Flat hand mean: False
  Number of Expression Coefficients: 10
  (vertex_joint_selector): VertexJointSelector()
)
2021-01-29 16:33:47.343 | INFO     | expose.models.backbone.hrnet:init_weights:487 - => init weights from normal distribution
2021-01-29 16:33:47.980 | WARNING  | expose.models.backbone.hrnet:load_weights:519 - => please download pre-trained models first!
2021-01-29 16:33:47.980 | WARNING  | expose.models.backbone.hrnet:load_weights:520 - data/network_weights/hrnet/imagenet/hrnet_w48-8ef0771d.pth does not exist!
2021-01-29 16:33:48.000 | INFO     | expose.models.common.networks:__init__:267 - Building iterative regressor with 3 stages
2021-01-29 16:33:48.001 | INFO     | expose.models.common.networks:__init__:282 - Detach mean: False
2021-01-29 16:33:48.134 | INFO     | expose.models.backbone.resnet:resnet18:113 - Loading pretrained ResNet-18
2021-01-29 16:33:48.258 | INFO     | expose.models.common.networks:__init__:267 - Building iterative regressor with 3 stages
2021-01-29 16:33:48.258 | INFO     | expose.models.common.networks:__init__:282 - Detach mean: False
2021-01-29 16:33:48.260 | INFO     | expose.models.attention.head_predictor:__init__:81 - Building head predictor with 3 stages
2021-01-29 16:33:48.398 | INFO     | expose.models.backbone.resnet:resnet18:113 - Loading pretrained ResNet-18
2021-01-29 16:33:48.471 | INFO     | expose.models.common.networks:__init__:267 - Building iterative regressor with 3 stages
2021-01-29 16:33:48.471 | INFO     | expose.models.common.networks:__init__:282 - Detach mean: False
2021-01-29 16:33:48.472 | INFO     | expose.models.attention.predictor:__init__:490 - 2D Head crop keyps loss: KeypointLoss(Norm type: L1)
2021-01-29 16:33:48.472 | INFO     | expose.models.attention.predictor:__init__:502 - 2D Left hand crop keyps loss: KeypointLoss(Norm type: L1)
2021-01-29 16:33:48.473 | INFO     | expose.models.attention.predictor:__init__:515 - 2D Left hand crop keyps loss: KeypointLoss(Norm type: L1)
2021-01-29 16:33:48.473 | INFO     | expose.models.common.smplx_loss_modules:__init__:48 - Stages to penalize: [-1]
2021-01-29 16:33:48.473 | INFO     | expose.models.common.smplx_loss_modules:__init__:400 - Stages to regularize: [-1]
2021-01-29 16:33:48.676 | INFO     | expose.utils.checkpointer:__init__:44 - Creating directory data/checkpoints
2021-01-29 16:33:48.676 | INFO     | expose.utils.checkpointer:load_checkpoint:90 - Load pretrained: False
2021-01-29 16:33:48.676 | WARNING  | expose.utils.checkpointer:load_checkpoint:93 - Loading checkpoint from data/checkpoints/model.ckpt!
2021-01-29 16:33:49.287 | WARNING  | expose.utils.checkpointer:load_checkpoint:121 - The following keys were not found: ['smplx.head_idxs', 'smplx.body_model.left_hand_components', 'smplx.body_model.right_hand_components', 'smplx.body_model.left_hand_mean', 'smplx.body_model.right_hand_mean', 'smplx.body_model.pose_mean', 'smplx.body_model.dynamic_lmk_bary_coords']
2021-01-29 16:33:49.287 | WARNING  | expose.utils.checkpointer:load_checkpoint:124 - The following keys were not expected: ['smplx.body_model.source_idxs', 'smplx.body_model.target_idxs', 'smplx.body_model.extra_joint_regressor', 'smplx.body_model.dynamic_lmk_b_coords', 'smplx.hand_predictor.hand_offset', 'smplx.hand_predictor.hand_model.extra_joints_idxs', 'smplx.hand_predictor.hand_model.faces_tensor', 'smplx.hand_predictor.hand_model.v_template', 'smplx.hand_predictor.hand_model.shapedirs', 'smplx.hand_predictor.hand_model.J_regressor', 'smplx.hand_predictor.hand_model.posedirs', 'smplx.hand_predictor.hand_model.parents', 'smplx.hand_predictor.hand_model.lbs_weights', 'smplx.hand_predictor.pca_decoder.pca_basis', 'smplx.hand_predictor.pca_decoder.inv_pca_basis', 'smplx.hand_predictor.pca_decoder.mean', 'smplx.head_predictor.head_offset', 'smplx.head_predictor.head_vertices_ids', 'smplx.head_predictor.head_model.faces_tensor', 'smplx.head_predictor.head_model.v_template', 'smplx.head_predictor.head_model.shapedirs', 'smplx.head_predictor.head_model.expr_dirs', 'smplx.head_predictor.head_model.J_regressor', 'smplx.head_predictor.head_model.posedirs', 'smplx.head_predictor.head_model.parents', 'smplx.head_predictor.head_model.lbs_weights', 'smplx.head_predictor.head_model.lmk_faces_idx', 'smplx.head_predictor.head_model.lmk_bary_coords', 'smplx.head_predictor.head_model.dynamic_lmk_faces_idx', 'smplx.head_predictor.head_model.dynamic_lmk_b_coords', 'smplx.head_predictor.head_model.neck_kin_chain', 'smplx.body_loss.edge_loss.gt_connections', 'smplx.body_loss.edge_loss.est_connections', 'smplx.hand_loss.edge_loss.gt_connections', 'smplx.hand_loss.edge_loss.est_connections', 'smplx.head_loss.edge_loss.gt_connections', 'smplx.head_loss.edge_loss.est_connections']
libEGL warning: DRI2: failed to create dri screen
libEGL warning: Not allowed to force software rendering when API explicitly selects a hardware device.
libEGL warning: DRI2: failed to create dri screen
Traceback (most recent call last):
  File "demo.py", line 554, in <module>
    main(
  File "/home/mona/venv/expose/lib/python3.8/site-packages/torch/autograd/grad_mode.py", line 26, in decorate_context
    return func(*args, **kwargs)
  File "demo.py", line 271, in main
    hd_renderer = HDRenderer(img_size=body_crop_size)
  File "/home/mona/research/code/expose/expose/utils/plot_utils.py", line 735, in __init__
    super(HDRenderer, self).__init__(**kwargs)
  File "/home/mona/research/code/expose/expose/utils/plot_utils.py", line 576, in __init__
    super(OverlayRenderer, self).__init__(faces=faces, img_size=img_size)
  File "/home/mona/research/code/expose/expose/utils/plot_utils.py", line 418, in __init__
    self.renderer = pyrender.OffscreenRenderer(
  File "/home/mona/venv/expose/lib/python3.8/site-packages/pyrender/offscreen.py", line 31, in __init__
    self._create()
  File "/home/mona/venv/expose/lib/python3.8/site-packages/pyrender/offscreen.py", line 149, in _create
    self._platform.init_context()
  File "/home/mona/venv/expose/lib/python3.8/site-packages/pyrender/platforms/egl.py", line 177, in init_context
    assert eglInitialize(self._egl_display, major, minor)
  File "/home/mona/venv/expose/lib/python3.8/site-packages/OpenGL/platform/baseplatform.py", line 402, in __call__
    return self( *args, **named )
  File "/home/mona/venv/expose/lib/python3.8/site-packages/OpenGL/error.py", line 228, in glCheckError
    raise GLError(
OpenGL.error.GLError: GLError(
    err = 12289,
    baseOperation = eglInitialize,
    cArguments = (
        <OpenGL._opaque.EGLDisplay_pointer object at 0x7f7565840040>,
        c_long(0),
        c_long(0),
    ),
    result = 0
)

https://github.com/vchoutas/expose/issues/35

$ lsb_release -a 
LSB Version:    core-11.1.0ubuntu2-noarch:security-11.1.0ubuntu2-noarch
Distributor ID: Ubuntu
Description:    Ubuntu 20.04.1 LTS
Release:    20.04
Codename:   focal

$ nvidia-smi
Fri Jan 29 16:46:27 2021       
+-----------------------------------------------------------------------------+
| NVIDIA-SMI 460.32.03    Driver Version: 460.32.03    CUDA Version: 11.2     |
|-------------------------------+----------------------+----------------------+
| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
|                               |                      |               MIG M. |
|===============================+======================+======================|
|   0  GeForce GTX 165...  Off  | 00000000:01:00.0 Off |                  N/A |
| N/A   48C    P5     9W /  N/A |   1659MiB /  3911MiB |      4%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+

+-----------------------------------------------------------------------------+
| Processes:                                                                  |
|  GPU   GI   CI        PID   Type   Process name                  GPU Memory |
|        ID   ID                                                   Usage      |
|=============================================================================|
|    0   N/A  N/A      1155      G   /usr/lib/xorg/Xorg                133MiB |
|    0   N/A  N/A      1773      G   /usr/lib/xorg/Xorg               1130MiB |
|    0   N/A  N/A      1952      G   /usr/bin/gnome-shell              103MiB |
|    0   N/A  N/A      2329      G   ...gAAAAAAAAA --shared-files      158MiB |
|    0   N/A  N/A      2735      G   /usr/lib/firefox/firefox            1MiB |
|    0   N/A  N/A      2923      G   /usr/lib/firefox/firefox            1MiB |
|    0   N/A  N/A      3204      G   /usr/lib/firefox/firefox            1MiB |
|    0   N/A  N/A      3324      G   /usr/lib/firefox/firefox            1MiB |
|    0   N/A  N/A      3456      G   /usr/lib/firefox/firefox            1MiB |
|    0   N/A  N/A      3501      G   /usr/lib/firefox/firefox            1MiB |
|    0   N/A  N/A      3572      G   /usr/lib/firefox/firefox            1MiB |
|    0   N/A  N/A      3623      G   /usr/lib/firefox/firefox            1MiB |
|    0   N/A  N/A     21024      G   ...f_3837.log --shared-files       99MiB |
+-----------------------------------------------------------------------------+

$ nvcc --version
nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2020 NVIDIA Corporation
Built on Mon_Nov_30_19:08:53_PST_2020
Cuda compilation tools, release 11.2, V11.2.67
Build cuda_11.2.r11.2/compiler.29373293_0

$ python
Python 3.8.5 (default, Jul 28 2020, 12:59:40) 
[GCC 9.3.0] on linux

$ pip --version
pip 20.0.2 from /home/mona/venv/expose/lib/python3.8/site-packages/pip (python 3.8)

also https://stackoverflow.com/questions/65962222/solving-opengl-error-glerror-glerror-err-12289-opengl-opaque-egldisplay

akira-l commented 3 years ago

The same error but in Centos.

forestsource commented 2 years ago

This is pyrender's problem. Check the thread. In short, You should execute export EGL_DEVICE_ID=1 before run a script. (Ubuntu 20.04.3&NVDIA GPU)

lucasjinreal commented 2 years ago
libEGL warning: MESA-LOADER: failed to open nouveau:

got this error though after set export ...

JZhao12 commented 2 years ago

Hello guys I met a similar issue with 'OpenGL.error.GLError: GLError( err = 12289', I was doing the offscreen rendering based on Pyrender. Now I solved this problem by calling render.delete(), so every time it will rebuild the rendering again and this issue disappeared. Hope it helps.

lucasjinreal commented 2 years ago

@JZhao12 Forget pyrender, this is the stupidest lib I have ever met. Using pip install realrender, I can render in REALTIME on CPU, while pyrender gives me 1 frame per second slow speed.

image image

rendering with real render . much more faster than pyrender

Mirandl commented 2 years ago

Hi, may I ask how do you call render.delete() and where to call it? I wonder how to solve this problem. It tortures me a whole day..

Hello guys I met a similar issue with 'OpenGL.error.GLError: GLError( err = 12289', I was doing the offscreen rendering based on Pyrender. Now I solved this problem by calling render.delete(), so every time it will rebuild the rendering again and this issue disappeared. Hope it helps.

Mirandl commented 2 years ago

@jinfagang Hi, I wonder after installing realrender, how can I change somewhere else to use realrender? Could you share some with me.. Many thanks

lucasjinreal commented 2 years ago

@Mirandl you can check my opensourced VIBE_yolov5 in my repos. I using my own detector and tracker which is not opensourced, but demo you can use by switching for realrender.

Basically, realrender will first converts verts back to original image, and then projection to image. which is more intuitive then pyrender.

Mirandl commented 2 years ago

Thank you so much. It will help me a lot !!

lucasjinreal commented 2 years ago

@Mirandl You can join my private community for further discuss about Metaverse or Virtual human for commercial discussion:

image

shubham-goel commented 1 year ago

Hello guys I met a similar issue with 'OpenGL.error.GLError: GLError( err = 12289', I was doing the offscreen rendering based on Pyrender. Now I solved this problem by calling render.delete(), so every time it will rebuild the rendering again and this issue disappeared. Hope it helps.

This solved my issue!

lyngq commented 1 year ago

@shubham-goel Sorry,I met the same issue.Could you tell me more details about this solution?Where should I call render.delete()?

shubhamkvpl commented 1 year ago

realrender

Hello @shubham-goel, where to use the render.delete()??

shubhamkvpl commented 1 year ago

Hello guys I met a similar issue with 'OpenGL.error.GLError: GLError( err = 12289', I was doing the offscreen rendering based on Pyrender. Now I solved this problem by calling render.delete(), so every time it will rebuild the rendering again and this issue disappeared. Hope it helps.

This solved my issue!

Hello @shubham-goel, I got the same issue here in the code. Could you tell me where to use delete() function?? self.renderer = pyrender.OffscreenRenderer( viewport_width=self.resolution[0], viewport_height=self.resolution[1], point_size=1.0 )

JZhao12 commented 1 year ago

Hi, @shubhamkvpl @polar-boop

as I said, call "render.delete()" after your rendering, here is my example code, hope it could help:

rendering

scene = pyrender.Scene(bg_color=([0, 0, 0])) scene.add(mesh) scene.add(camera, pose=camera_pose) scene.add(light, pose=camera_pose) r = pyrender.OffscreenRenderer(viewport_width=view_width, viewport_height=view_height) renderedimage, = r.render(scene)

here my render's name is r, so I call r.delete()

r.delete()

Best, Jianyu

shubhamkvpl commented 1 year ago

Thanks for your response @JZhao12. But I am facing an error in calling the function pyrender.OffscreenRenderer(viewport_width=view_width, viewport_height=view_height)

Sunwenxin1 commented 7 months ago
libEGL warning: MESA-LOADER: failed to open nouveau:

got this error though after set export ...

hi, did you solve this problem? i tried a lot of methods, but they didnot work.

Sunwenxin1 commented 7 months ago

@mkocabas ,hello, sir, I have tried the methods below the post, but they were not effective. do you have any another advice?

Sunwenxin1 commented 6 months ago

I think this error is related to the EGL code. It somehow refers GL not, OpenGL. Check this issue mcfletch/pyopengl#27 You have to revise the library code.

Thank you for your advice. I'll try again.

hello, have you solved it? i have struggled with this problem for a long time.

ZZfive commented 5 months ago
libEGL warning: MESA-LOADER: failed to open nouveau:

got this error though after set export ...

hi, did you solve this problem? i tried a lot of methods, but they didnot work.

Hello, have you solved it?

Sunwenxin1 commented 5 months ago
libEGL warning: MESA-LOADER: failed to open nouveau:

got this error though after set export ...

hi, did you solve this problem? i tried a lot of methods, but they didnot work.

Hello, have you solved it?

我已经解决这个问题了,需要帮忙吗

ZZfive commented 5 months ago
libEGL warning: MESA-LOADER: failed to open nouveau:

got this error though after set export ...

hi, did you solve this problem? i tried a lot of methods, but they didnot work.

Hello, have you solved it?

我已经解决这个问题了,需要帮忙吗

感谢回复,需要帮助!请问如何解决?

我这边的情况是centos,装cuda时因为nouveau报错,然后把nouveau警用了,现在使用pyrender会先出现“libEGL warning: MESA-LOADER: failed to open nouveau:”的警告,然后报错,信息如下: raise GLError( OpenGL.error.GLError: GLError( err = 12289, baseOperation = eglInitialize, cArguments = ( <OpenGL._opaque.EGLDisplay_pointer object at 0x7f287c093140>, c_long(0), c_long(0), ), result = 0 )

Sunwenxin1 commented 5 months ago
libEGL warning: MESA-LOADER: failed to open nouveau:

got this error though after set export ...

hi, did you solve this problem? i tried a lot of methods, but they didnot work.

Hello, have you solved it?

我已经解决这个问题了,需要帮忙吗

感谢回复,需要帮助!请问如何解决?

我这边的情况是centos,装cuda时因为nouveau报错,然后把nouveau警用了,现在使用pyrender会先出现“libEGL warning: MESA-LOADER: failed to open nouveau:”的警告,然后报错,信息如下: raise GLError( OpenGL.error.GLError: GLError( err = 12289, baseOperation = eglInitialize, cArguments = ( <OpenGL._opaque.EGLDisplay_pointer object at 0x7f287c093140>, c_long(0), c_long(0), ), result = 0 )

我用的是google的colab,学校的服务器因为权限问题后面渲染不出结果,我这边是版本号的问题,就是依赖包的版本不兼容了,按照readme里面的把所有依赖包的版本号都去掉,是可以跑出结果的

ZZfive commented 5 months ago
libEGL warning: MESA-LOADER: failed to open nouveau:

got this error though after set export ...

hi, did you solve this problem? i tried a lot of methods, but they didnot work.

Hello, have you solved it?

我已经解决这个问题了,需要帮忙吗

感谢回复,需要帮助!请问如何解决? 我这边的情况是centos,装cuda时因为nouveau报错,然后把nouveau警用了,现在使用pyrender会先出现“libEGL warning: MESA-LOADER: failed to open nouveau:”的警告,然后报错,信息如下: raise GLError( OpenGL.error.GLError: GLError( err = 12289, baseOperation = eglInitialize, cArguments = ( <OpenGL._opaque.EGLDisplay_pointer object at 0x7f287c093140>, c_long(0), c_long(0), ), result = 0 )

我用的是google的colab,学校的服务器因为权限问题后面渲染不出结果,我这边是版本号的问题,就是依赖包的版本不兼容了,按照readme里面的把所有依赖包的版本号都去掉,是可以跑出结果的

好的,感谢!